提交 95aac060 编写于 作者: C chenjian

finish image classification docs

上级 ac38e46d
......@@ -4,7 +4,7 @@
| :--- | :---: |
|Category|image classification|
|Network|MobileNetV3_small_ssld|
|Dataset|分心司机检测Dataset|
|Dataset|Distractible Driver Dataset|
|Fine-tuning supported or not|No|
|Module Size|6MB|
|Latest update date|-|
......@@ -17,7 +17,7 @@
- ### Module Introduction
- 驾驶员状态识别(DriverStatusRecognition),该模型可挖掘出人在疲劳状态下的表情特征,然后将这些定性的表情特征进行量化,提取出面部特征点及特征指标作为判断依据,再结合实验数据总结出基于这些Parameters的识别方法,最后输入获取到的状态数据进行识别和判断.该PaddleHub Module支持API预测及命令行预测.
- This module can be used for recognizing distractible drivers by analysing the expression on the face.
## II.Installation
......@@ -37,8 +37,8 @@
```
- In case of any problems during installation, please refer to: [Windows_Quickstart]() | [Linux_Quickstart]() | [Mac_Quickstart]()
- ### 3、在线体验
[AI Studio 快速体验](https://aistudio.baidu.com/aistudio/projectdetail/1649513)
- ### 3、Online experience
[AI Studio](https://aistudio.baidu.com/aistudio/projectdetail/1649513)
## III.Module API Prediction
......@@ -69,7 +69,7 @@
```
- classification API.
- **Parameters**
- images:list类型,待检测的图像.
- images (list\[numpy.ndarray\]): image data, ndarray.shape is in the format [H, W, C], BGR;
- **Return**
- result(list[dict]): classication results, each element in the list is dict, key is the label name, and value is the corresponding probability
......
......@@ -4,7 +4,7 @@
| :--- | :---: |
|Category|image classification|
|Network|ResNet50_vd_ssld|
|Dataset|蛇种Dataset|
|Dataset|Snake Dataset|
|Fine-tuning supported or not|No|
|Module Size|84MB|
|Latest update date|-|
......@@ -17,7 +17,7 @@
- ### Module Introduction
- 蛇种识别(SnakeIdentification),该模型可准确识别蛇的种类,并精准判断蛇的毒性.该PaddleHub Module支持API预测及命令行预测.
- This module can be used to identify the kind of snake, and judge the toxicity.
## II.Installation
......@@ -37,8 +37,8 @@
```
- In case of any problems during installation, please refer to: [Windows_Quickstart]() | [Linux_Quickstart]() | [Mac_Quickstart]()
- ### 3、在线体验
[AI Studio 快速体验](https://aistudio.baidu.com/aistudio/projectdetail/1646951)
- ### 3、Online experience
[AI Studio](https://aistudio.baidu.com/aistudio/projectdetail/1646951)
## III.Module API Prediction
......@@ -69,7 +69,7 @@
```
- classification API.
- **Parameters**
- images:list类型,待检测的图像.
- images (list\[numpy.ndarray\]): image data, ndarray.shape is in the format [H, W, C], BGR;
- **Return**
- result(list[dict]): classication results, each element in the list is dict, key is the label name, and value is the corresponding probability
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- AlexNet是图像分类中的经典模型.模型由Alex Krizhevsky于2012年提出,并在2012年ILSVRC比赛中夺得冠军.该PaddleHub Module结构为AlexNet,基于ImageNet-2012数据集训练,接受输入图片大小为224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- AlexNet was a classification model proposed by Alex Krizhevsky in 2012, and gained the champion of ILSVRC 2012. This module is based on AlexNet, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- DarkNet 是由 Joseph Redmon 提出的图像分类模型,并应用于Yolov3 中作为 Backbone 来完成特征提取.该网络采用连续的 3*3 和 1*1 卷积进行连接,并像ResNet 一样有ShortCut连接.该 PaddleHub Module 基于 ImageNet-2012 数据集训练,接受输入图片大小为 224 x 224 x 3,支持直接通过命令行或者 Python 接口进行预测.
- DarkNet is a classification model proposed by Joseph Redmon, which uses Yolov3 as backbone to extract features. This module is based on darknet53, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- DenseNet 是 CVPR 2017 最佳论文的模型,DenseNet 以前馈方式将每一层与其他层连接,从而 L 层网络就有 L(L+1)/2 个直接连接.对于每一层,其输入是之前的所有层的特征图,而自己的特征图作为之后所有层的输入.DenseNet 缓解了梯度消失问题,加强特征传播,促进了特征重用,并大幅减少了Parameters量.该PaddleHub Module结构为 DenseNet121,基于ImageNet-2012数据集训练,接受输入图片大小为 224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- DenseNet is the model in CVPR2017 best paper. Every layer outputs its result as input for the layer after it, and forms the dense connection topology. The dense connection ease the probblem of vanishing gradient and improve the information flow. This module is based on DenseNet121, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- DenseNet 是 CVPR 2017 最佳论文的模型,DenseNet 以前馈方式将每一层与其他层连接,从而 L 层网络就有 L(L+1)/2 个直接连接.对于每一层,其输入是之前的所有层的特征图,而自己的特征图作为之后所有层的输入.DenseNet 缓解了梯度消失问题,加强特征传播,促进了特征重用,并大幅减少了Parameters量.该PaddleHub Module结构为 DenseNet161,基于ImageNet-2012数据集训练,接受输入图片大小为 224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- DenseNet is the model in CVPR2017 best paper. Every layer outputs its result as input for the layer after it, and forms the dense connection topology. The dense connection ease the probblem of vanishing gradient and improve the information flow. This module is based on DenseNet161, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- DenseNet 是 CVPR 2017 最佳论文的模型,DenseNet 以前馈方式将每一层与其他层连接,从而 L 层网络就有 L(L+1)/2 个直接连接.对于每一层,其输入是之前的所有层的特征图,而自己的特征图作为之后所有层的输入.DenseNet 缓解了梯度消失问题,加强特征传播,促进了特征重用,并大幅减少了Parameters量.该PaddleHub Module结构为 DenseNet169,基于ImageNet-2012数据集训练,接受输入图片大小为 224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- DenseNet is the model in CVPR2017 best paper. Every layer outputs its result as input for the layer after it, and forms the dense connection topology. The dense connection ease the probblem of vanishing gradient and improve the information flow. This module is based on DenseNet169, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- DenseNet 是 CVPR 2017 最佳论文的模型,DenseNet 以前馈方式将每一层与其他层连接,从而 L 层网络就有 L(L+1)/2 个直接连接.对于每一层,其输入是之前的所有层的特征图,而自己的特征图作为之后所有层的输入.DenseNet 缓解了梯度消失问题,加强特征传播,促进了特征重用,并大幅减少了Parameters量.该PaddleHub Module结构为 DenseNet201,基于ImageNet-2012数据集训练,接受输入图片大小为 224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- DenseNet is the model in CVPR2017 best paper. Every layer outputs its result as input for the layer after it, and forms the dense connection topology. The dense connection ease the probblem of vanishing gradient and improve the information flow. This module is based on DenseNet201, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- DenseNet 是 CVPR 2017 最佳论文的模型,DenseNet 以前馈方式将每一层与其他层连接,从而 L 层网络就有 L(L+1)/2 个直接连接.对于每一层,其输入是之前的所有层的特征图,而自己的特征图作为之后所有层的输入.DenseNet 缓解了梯度消失问题,加强特征传播,促进了特征重用,并大幅减少了Parameters量.该PaddleHub Module结构为 DenseNet264,基于ImageNet-2012数据集训练,接受输入图片大小为 224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- DenseNet is the model in CVPR2017 best paper. Every layer outputs its result as input for the layer after it, and forms the dense connection topology. The dense connection ease the probblem of vanishing gradient and improve the information flow. This module is based on DenseNet264, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- DPN(Dual Path Networks) 是 ImageNet 2017 目标定位冠军的图像分类模型,融合了 ResNet 和 DenseNet 的核心思想.该PaddleHub Module结构为 DPN107,基于ImageNet-2012数据集训练,接受输入图片大小为 224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- DPN(Dual Path Networks) is the champion of ILSVRC2017 in Object Localization Task. This module is based on DPN107, trained on ImageNet-2012, can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- DPN(Dual Path Networks) 是 ImageNet 2017 目标定位冠军的图像分类模型,融合了 ResNet 和 DenseNet 的核心思想.该PaddleHub Module结构为 DPN98,基于ImageNet-2012数据集训练,接受输入图片大小为 224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- DPN(Dual Path Networks) is the champion of ILSVRC2017 in Object Localization Task. This module is based on DPN131, trained on ImageNet-2012, can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,8 +17,7 @@
- ### Module Introduction
- DPN(Dual Path Networks) 是 ImageNet 2017 目标定位冠军的图像分类模型,融合了 ResNet 和 DenseNet 的核心思想.该PaddleHub Module结构为 DPN68,基于ImageNet-2012数据集训练,接受输入图片大小为 224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- DPN(Dual Path Networks) is the champion of ILSVRC2017 in Object Localization Task. This module is based on DPN68, trained on ImageNet-2012, can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- DPN(Dual Path Networks) 是 ImageNet 2017 目标定位冠军的图像分类模型,融合了 ResNet 和 DenseNet 的核心思想.该PaddleHub Module结构为 DPN92,基于ImageNet-2012数据集训练,接受输入图片大小为 224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- DPN(Dual Path Networks) is the champion of ILSVRC2017 in Object Localization Task. This module is based on DPN92, trained on ImageNet-2012, can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- DPN(Dual Path Networks) 是 ImageNet 2017 目标定位冠军的图像分类模型,融合了 ResNet 和 DenseNet 的核心思想.该PaddleHub Module结构为 DPN98,基于ImageNet-2012数据集训练,接受输入图片大小为 224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- DPN(Dual Path Networks) is the champion of ILSVRC2017 in Object Localization Task. This module is based on DPN98, trained on ImageNet-2012, can predict an image of size 224*224*3.
......
......@@ -17,7 +17,8 @@
- ### Module Introduction
- ResNeXt 是由 UC San Diego 和 Facebook AI 研究所于2017年提出的图像分类模型,模型沿袭了 VGG/ResNets 的堆叠思想,并采用 split-transform-merge 策略来增加网络的分支数.该 PaddleHub Module 在包含数十亿张社交媒体图片的数据集上进行弱监督训练,并使用ImageNet-2012数据集finetune,接受输入图片大小为 224 x 224 x 3,支持直接通过命令行或者 Python 接口进行预测.
- ResNeXt is proposed by UC San Diego and Facebook AI Research in 2017. This module is based on ResNeXt model. It is weak-supervised trained on billions of socail images, finetuned on ImageNet-2012 dataset, and can predict an image of size 224*224*3.
## II.Installation
......@@ -45,7 +46,7 @@
```
- If you want to call the Hub module through the command line, please refer to: [PaddleHub Command Line Instruction](../../../../docs/docs_ch/tutorial/cmd_usage.rst)
- ### 2、预测Prediction Code Example
- ### 2、Prediction Code Example
- ```python
import paddlehub as hub
......
......@@ -4,7 +4,7 @@
| :--- | :---: |
|Category|image classification|
|Network|ResNet50_vd_ssld|
|Dataset|美食Dataset|
|Dataset|Food Dataset|
|Fine-tuning supported or not|No|
|Module Size|91MB|
|Latest update date|-|
......@@ -17,7 +17,7 @@
- ### Module Introduction
- 美食分类(food_classification),该模型可识别苹果派,小排骨,烤面包,牛肉馅饼,牛肉鞑靼.该PaddleHub Module支持API预测及命令行预测.
- This module can be used for food classification.
## II.Installation
......@@ -46,7 +46,7 @@
```
- If you want to call the Hub module through the command line, please refer to: [PaddleHub Command Line Instruction](../../../../docs/docs_ch/tutorial/cmd_usage.rst)
- ### 2、预测Prediction Code Example
- ### 2、Prediction Code Example
- ```python
import paddlehub as hub
......@@ -66,13 +66,13 @@
```
- classification API.
- **Parameters**
- images:list类型,待检测的图像.
- images (list\[numpy.ndarray\]): image data, ndarray.shape is in the format [H, W, C], BGR;
- **Return**
- result(list[dict]): classication results, each element in the list is dict, key is the label name, and value is the corresponding probability
- category_id (int): 类别的id;
- category(str): 类别;
- score(float): 准确率
- category_id (int): category id;
- category(str): category name;
- score(float): probability
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- GoogleNet是图像分类中的经典模型.由Christian Szegedy等人在2014年提出,并获得了2014年ILSVRC竞赛冠军.该PaddleHub Module结构为GoogleNet,基于ImageNet-2012数据集训练,接受输入图片大小为224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- GoogleNet was proposed by Christian Szegedy in 2014 and gained the champion of ILSVRC 2014. This module is based on GoogleNet, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -16,8 +16,7 @@
- ### Module Introduction
- Inception 结构最初由 GoogLeNet 引入,因此 GoogLeNet 也被称为 Inception-v1,通过在 Inception-v1 的基础上引入Batch Normalization、分解、残差连接等技术,设计出了Inception-v4.
- Inception structure is first introduced in GoogLeNet, so GoogLeNet is named Inception-v1. Inception-v4 is an improvement on it, which takas advantage of sereral useful strategies such as batch normalization, residual learning. This module is based on Inception-v4, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- 海洋生物识别(marine_biometrics),该模型可准确识别鱼的种类.该PaddleHub Module支持API预测及命令行预测.
- This module can be used to classify marine biometrics.
## II.Installation
......@@ -44,7 +44,7 @@
```
- If you want to call the Hub module through the command line, please refer to: [PaddleHub Command Line Instruction](../../../../docs/docs_ch/tutorial/cmd_usage.rst)
- ### 2、预测Prediction Code Example
- ### 2、Prediction Code Example
- ```python
import paddlehub as hub
......@@ -64,7 +64,7 @@
```
- classification API.
- **Parameters**
- images:list类型,待检测的图像.
- images (list\[numpy.ndarray\]): image data, ndarray.shape is in the format [H, W, C], BGR;
- **Return**
- result(list[dict]): classication results, each element in the list is dict, key is the label name, and value is the corresponding probability
......
......@@ -4,7 +4,7 @@
| :--- | :---: |
|Category|image classification|
|Network|MobileNet_v2|
|Dataset|百度自建动物Dataset|
|Dataset|Baidu Animal Dataset|
|Fine-tuning supported or not|No|
|Module Size|50MB|
|Latest update date|-|
......@@ -17,7 +17,9 @@
- ### Module Introduction
- MobileNet V2 是一个轻量化的卷积神经网络,它在 MobileNet 的基础上,做了 Inverted Residuals 和 Linear bottlenecks 这两大改进.该 PaddleHub Module 是在百度自建动物数据集上训练得到的,可用于图像分类和特征提取,当前已支持7978种动物的分类识别.模型的详情可参考[论文](https://arxiv.org/pdf/1801.04381.pdf).
- MobileNet is a light-weight convolution network. This module is trained on Baidu animal dataset, and can classify 7978 kinds of animals.
- For more information, please refer to:[MobileNetV2: Inverted Residuals and Linear Bottlenecks](https://arxiv.org/pdf/1801.04381.pdf)
......
......@@ -4,7 +4,7 @@
| :--- | :---: |
|Category|image classification|
|Network|MobileNet_v2|
|Dataset|百度自建菜品Dataset|
|Dataset|Baidu food Dataset|
|Fine-tuning supported or not|No|
|Module Size|52MB|
|Latest update date|-|
......@@ -17,13 +17,13 @@
- ### Module Introduction
- MobileNet V2 是一个轻量化的卷积神经网络,它在 MobileNet 的基础上,做了 Inverted Residuals 和 Linear bottlenecks 这两大改进.该 PaddleHub Module 是在百度自建菜品数据集上训练得到的,可用于图像分类和特征提取,当前已支持8416种菜品的分类识别.
- MobileNet is a light-weight convolution network. This module is trained on Baidu food dataset, and can classify 8416 kinds of food.
<p align="center">
<img src="http://bj.bcebos.com/ibox-thumbnail98/e7b22762cf42ab0e1e1fab6b8720938b?authorization=bce-auth-v1%2Ffbe74140929444858491fbf2b6bc0935%2F2020-04-08T11%3A49%3A16Z%2F1800%2F%2Faf385f56da3c8ee1298588939d93533a72203c079ae1187affa2da555b9898ea" width = "800" hspace='10'/> <br />
</p>
- 更多详情参考[MobileNetV2: Inverted Residuals and Linear Bottlenecks](https://arxiv.org/pdf/1801.04381.pdf)
- For more information, please refer to[MobileNetV2: Inverted Residuals and Linear Bottlenecks](https://arxiv.org/pdf/1801.04381.pdf)
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- MobileNet V2是Mark Sandler, Andrew Howard等人在2018年提出的一个图像分类模型,该系列模型(MobileNet)是为移动和嵌入式设备提出的高效模型,在模型Parameters较少的情况下仍然保持了较高的分类准确率.该PaddleHub Module基于ImageNet-2012数据集训练,接受输入图片大小为224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- MobileNet V2 is an image classification model proposed by Mark Sandler, Andrew Howard et al. in 2018. This model is a light-weight model for mobile and embedded device, and can reach high accurary with a few parameters. This module is based on MobileNet V2, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- MobileNet V2是Mark Sandler, Andrew Howard等人在2018年提出的一个图像分类模型,该系列模型(MobileNet)是为移动和嵌入式设备提出的高效模型,在模型Parameters较少的情况下仍然保持了较高的分类准确率.该PaddleHub Module基于ImageNet-2012数据集并采用PaddleClas提供的SSLD蒸馏方法训练得到,接受输入图片大小为224 x 224 x 3,支持finetune,也可以直接通过命令行或者Python接口进行预测.
- MobileNet V2 is an image classification model proposed by Mark Sandler, Andrew Howard et al. in 2018. This model is a light-weight model for mobile and embedded device, and can reach high accurary with a few parameters. This module is based on MobileNet V2, trained on ImageNet-2012 with SSLD distillation strategy, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,8 +17,7 @@
- ### Module Introduction
- MobileNetV3是Google在2019年发布的新模型,作者通过结合NAS与NetAdapt进行搜索得到该网络结构,提供了Large和Small两个版本,分别适用于对资源不同要求的情况.对比于MobileNetV2,新的模型在速度和精度方面均有提升.该PaddleHubModule的模型结构为MobileNetV3 Large,基于ImageNet-2012数据集并采用PaddleClas提供的SSLD蒸馏方法训练得到,接受输入图片大小为224 x 224 x 3,支持finetune,也可以直接通过命令行或者Python接口进行预测.
- MobileNetV3 is an image classification model proposed by Google in 2019. The authors proposed to search the network architecture by combination of NAS and NetAdapt, and provide two versions of this model, i.e. Large and Small version. This module is based on MobileNetV3 Large, trained on ImageNet-2012 with SSLD distillation strategy, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,8 @@
- ### Module Introduction
- MobileNetV3是Google在2019年发布的新模型,作者通过结合NAS与NetAdapt进行搜索得到该网络结构,提供了Large和Small两个版本,分别适用于对资源不同要求的情况.对比于MobileNetV2,新的模型在速度和精度方面均有提升.该PaddleHubModule的模型结构为MobileNetV3 Small,基于ImageNet-2012数据集并采用PaddleClas提供的SSLD蒸馏方法训练得到,接受输入图片大小为224 x 224 x 3,支持finetune,也可以直接通过命令行或者Python接口进行预测.
- MobileNetV3 is an image classification model proposed by Google in 2019. The authors proposed to search the network architecture by combination of NAS and NetAdapt, and provide two versions of this model, i.e. Large and Small version. This module is based on MobileNetV3 Small, trained on ImageNet-2012 with SSLD distillation strategy, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -16,8 +16,7 @@
- ### Module Introduction
- NASNet是Google通过AutoML自动训练出来的图像分类模型.该PaddleHub Module基于ImageNet-2012数据集训练,接受输入图片大小为224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- NASNet is proposed by Google, which is trained by AutoML. This module is based on NASNet, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,8 @@
- ### Module Introduction
- PNASNet是Google通过AutoML自动训练出来的图像分类模型.该PaddleHub Module基于ImageNet-2012数据集训练,接受输入图片大小为224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- PNASNet is proposed by Google, which is trained by AutoML. This module is based on PNASNet, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- Res2Net是2019年提出的一种全新的对ResNet的改进方案,该方案可以和现有其他优秀模块轻松整合,在不增加计算负载量的情况下,在ImageNet、CIFAR-100等数据集上的测试性能超过了ResNet.Res2Net结构简单,性能优越,进一步探索了CNN在更细粒度级别的多尺度表示能力. 该 PaddleHub Module 使用 ImageNet-2012数据集训练,接受输入图片大小为 224 x 224 x 3,支持直接通过命令行或者 Python 接口进行预测.
- Res2Net is an improvement on ResNet, which can improve performance without increasing computation. This module is based on Res2Net, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......@@ -45,7 +45,7 @@
```
- If you want to call the Hub module through the command line, please refer to: [PaddleHub Command Line Instruction](../../../../docs/docs_ch/tutorial/cmd_usage.rst)
- ### 2、预测Prediction Code Example
- ### 2、Prediction Code Example
- ```python
import paddlehub as hub
......
......@@ -17,7 +17,8 @@
- ### Module Introduction
- ResNet系列模型是图像分类领域的重要模型之一,模型中提出的残差单元有效地解决了深度网络训练困难的问题,通过增加模型的深度提升了模型的准确率,ResNet-vd 其实就是 ResNet-D,是ResNet 原始结构的变种.该PaddleHub Module结构为ResNet_vd,基于ImageNet-2012数据集训练得到,接受输入图片大小为224 x 224 x 3,支持finetune,也可以直接通过命令行或者Python接口进行预测.
- ResNet proposed a residual unit to solve the problem of training an extremely deep network, and improved the prediction accuracy of models. ResNet-vd is a variant of ResNet. This module is based on ResNet_vd, trained on ImageNet-2012 dataset, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -4,7 +4,7 @@
| :--- | :---: |
|Category|image classification|
|Network|ResNet_vd|
|Dataset|百度自建Dataset|
|Dataset|Baidu Dataset|
|Fine-tuning supported or not|No|
|Module Size|92MB|
|Latest update date|-|
......@@ -17,7 +17,7 @@
- ### Module Introduction
- ResNet系列模型是图像分类领域的重要模型之一,模型中提出的残差单元有效地解决了深度网络训练困难的问题,通过增加模型的深度提升了模型的准确率,ResNet-vd 其实就是 ResNet-D,是ResNet 原始结构的变种.该PaddleHub Module结构为ResNet_vd,使用百度自研的基于10万种类别、4千多万的有标签数据进行训练,接受输入图片大小为224 x 224 x 3,支持finetune.
- ResNet proposed a residual unit to solve the problem of training an extremely deep network, and improved the prediction accuracy of models. ResNet-vd is a variant of ResNet. This module is based on ResNet_vd, trained on Baidu dataset(consists of 100 thousand classes, 40 million pairs of data), and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -4,7 +4,7 @@
| :--- | :---: |
|Category|image classification|
|Network|ResNet50_vd|
|Dataset|百度自建菜品Dataset|
|Dataset|Baidu Food Dataset|
|Fine-tuning supported or not|No|
|Module Size|158MB|
|Latest update date|-|
......@@ -17,13 +17,13 @@
- ### Module Introduction
- ResNet-vd是ResNet原始结构的变种,可用于图像分类和特征提取.该 PaddleHub Module 采用百度自建菜品数据集训练得到,支持8416种菜品的分类识别.
- ResNet proposed a residual unit to solve the problem of training an extremely deep network, and improved the prediction accuracy of models. ResNet-vd is a variant of ResNet. This module is based on ResNet-vd and can classify 8416 kinds of food.
<p align="center">
<img src="http://bj.bcebos.com/ibox-thumbnail98/77fa9b7003e4665867855b2b65216519?authorization=bce-auth-v1%2Ffbe74140929444858491fbf2b6bc0935%2F2020-04-08T11%3A05%3A10Z%2F1800%2F%2F1df0ecb4a52adefeae240c9e2189e8032560333e399b3187ef1a76e4ffa5f19f" width = "800" hspace='10'/> <br />
</p>
- 更多详情参考[Bag of Tricks for Image Classification with Convolutional Neural Networks](https://arxiv.org/pdf/1812.01187.pdf)
- For more information, please refer to[Bag of Tricks for Image Classification with Convolutional Neural Networks](https://arxiv.org/pdf/1812.01187.pdf)
## II.Installation
......
......@@ -4,7 +4,7 @@
| :--- | :---: |
|Category|image classification|
|Network|ResNet_vd|
|Dataset|IFAW 自建野生动物Dataset|
|Dataset|IFAW Wild Animal Dataset|
|Fine-tuning supported or not|No|
|Module Size|92MB|
|Latest update date|-|
......@@ -17,7 +17,8 @@
- ### Module Introduction
- ResNet-vd 其实就是 ResNet-D,是ResNet 原始结构的变种,可用于图像分类和特征提取.该 PaddleHub Module 采用百度自建野生动物数据集训练得到,支持'象牙制品','象牙', '大象', '虎皮', '老虎', '虎牙/虎爪/虎骨', '穿山甲甲片', '穿山甲', '穿山甲爪子', '其他' 这十个标签的识别.模型的详情可参考[论文](https://arxiv.org/pdf/1812.01187.pdf).
- ResNet proposed a residual unit to solve the problem of training an extremely deep network, and improved the prediction accuracy of models. ResNet-vd is a variant of ResNet. This module is based on ResNet_vd, trained on IFAW Wild Animal dataset, and can predict ten kinds of wild animal components.
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- Squeeze-and-Excitation Networks是由Momenta在2017年提出的一种图像分类结构.该结构通过对特征通道间的相关性进行建模,把重要的特征进行强化来提升准确率.SE_ResNeXt基于ResNeXt模型添加了SE Block,并获得了2017 ILSVR竞赛的冠军.该PaddleHub Module结构为SE_ResNeXt101_32x4d,基于ImageNet-2012数据集训练,接受输入图片大小为224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- Squeeze-and-Excitation Network is proposed by Momenta in 2017. This model learns the weight to strengthen important channels of features and improves classification accuracy, which is the champion of ILSVR 2017. This module is based on se_resnext101_32x4d, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- Squeeze-and-Excitation Networks是由Momenta在2017年提出的一种图像分类结构.该结构通过对特征通道间的相关性进行建模,把重要的特征进行强化来提升准确率.SE_ResNeXt基于ResNeXt模型添加了SE Block,并获得了2017 ILSVR竞赛的冠军.该PaddleHub Module结构为SE_ResNeXt50_32x4d,基于ImageNet-2012数据集训练,接受输入图片大小为224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- Squeeze-and-Excitation Network is proposed by Momenta in 2017. This model learns the weight to strengthen important channels of features and improves classification accuracy, which is the champion of ILSVR 2017. This module is based on SE_ResNeXt50_32x4d, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- ShuffleNet V2是由旷视科技在2018年提出的轻量级图像分类模型,该模型通过pointwise group convolution和channel shuffle两种方式,在保持精度的同时大大降低了模型的计算量.该PaddleHub Module结构为ShuffleNet V2,基于ImageNet-2012数据集训练,接受输入图片大小为224 x 224 x 3,支持直接通过命令行或者Python接口进行预测.
- ShuffleNet V2 is a light-weight model proposed by MEGVII in 2018. This model proposed pointwise group convolution and channel shuffle to keep accurary and reduce the amount of computation. This module is based on ShuffleNet V2, trained on ImageNet-2012, and can predict an image of 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- 使用PaddleHub的SpinalNet预训练模型进行宝石识别或finetune并完成宝石的预测任务.
- This module is based on SpinalNet trained on gemstone dataset, and can be used to classify a gemstone.
## II.Installation
- ### 1、Environmental Dependence
......@@ -61,7 +61,7 @@
```
- classification API.
- **Parameters**
- images: list类型,待预测的图像.
- images(list[numpy.ndarray]): image data.
- **Return**
- result(list[dict]): classication results, each element in the list is dict, key is the label name, and value is the corresponding probability
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- 使用PaddleHub的SpinalNet预训练模型进行宝石识别或finetune并完成宝石的预测任务.
- This module is based on SpinalNet trained on gemstone dataset, and can be used to classify a gemstone.
## II.Installation
- ### 1、Environmental Dependence
......
......@@ -18,6 +18,7 @@
- ### 模型介绍
- 使用PaddleHub的SpinalNet预训练模型进行宝石识别或finetune并完成宝石的预测任务。
## 二、安装
- ### 1、环境依赖
......
......@@ -17,7 +17,8 @@
- ### Module Introduction
- 使用PaddleHub的SpinalNet预训练模型进行宝石识别或finetune并完成宝石的预测任务.
- This module is based on SpinalNet trained on gemstone dataset, and can be used to classify a gemstone.
## II.Installation
- ### 1、Environmental Dependence
......@@ -61,7 +62,7 @@
```
- classification API.
- **Parameters**
- images: list类型,待预测的图像.
- images (list\[numpy.ndarray\]): image data, ndarray.shape is in the format [H, W, C], BGR;
- **Return**
- result(list[dict]): classication results, each element in the list is dict, key is the label name, and value is the corresponding probability
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- Xception 全称为 Extreme Inception,是 Google 于 2016年提出的 Inception V3 的改进模型.Xception 采用了深度可分离卷积(depthwise separable convolution) 来替换原来 Inception V3 中的卷积操作,整体的网络结构是带有残差连接的深度可分离卷积层的线性堆叠.该PaddleHub Module结构为Xception41,基于ImageNet-2012数据集训练,接受输入图片大小为224 x 224 x 3,支持直接通过命令行或者 Python 接口进行预测.
- Xception is a model proposed by Google in 2016, which is an improvement on Inception V3. This module is based on Xception41, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- Xception 全称为 Extreme Inception,是 Google 于 2016年提出的 Inception V3 的改进模型.Xception 采用了深度可分离卷积(depthwise separable convolution) 来替换原来 Inception V3 中的卷积操作,整体的网络结构是带有残差连接的深度可分离卷积层的线性堆叠.该PaddleHub Module结构为Xception65,基于ImageNet-2012数据集训练,接受输入图片大小为224 x 224 x 3,支持直接通过命令行或者 Python 接口进行预测.
- Xception is a model proposed by Google in 2016, which is an improvement on Inception V3. This module is based on Xception65, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
......@@ -17,7 +17,7 @@
- ### Module Introduction
- Xception 全称为 Extreme Inception,是 Google 于 2016年提出的 Inception V3 的改进模型.Xception 采用了深度可分离卷积(depthwise separable convolution) 来替换原来 Inception V3 中的卷积操作,整体的网络结构是带有残差连接的深度可分离卷积层的线性堆叠.该PaddleHub Module结构为Xception71,基于ImageNet-2012数据集训练,接受输入图片大小为224 x 224 x 3,支持直接通过命令行或者 Python 接口进行预测.
- Xception is a model proposed by Google in 2016, which is an improvement on Inception V3. This module is based on Xception71, trained on ImageNet-2012, and can predict an image of size 224*224*3.
## II.Installation
......
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册