flytocc / MicroNet-paddle

A paddle implementation of MicroNet
1 stars 0 forks source link
paddle paddlepaddle

MicroNet: Improving Image Recognition with Extremely Low FLOPs

目录

1. 简介

这是一个PaddlePaddle实现的 MicroNet 。

论文: MicroNet: Improving Image Recognition with Extremely Low FLOPs

参考repo: micronet

在此非常感谢liyunsheng13PINTO0309notplus贡献的micronet,提高了本repo复现论文的效率。

2. 数据集和复现精度

数据集为ImageNet,训练集包含1281167张图像,验证集包含50000张图像。

│imagenet/
├──train/
│  ├── n01440764
│  │   ├── n01440764_10026.JPEG
│  │   ├── n01440764_10027.JPEG
│  │   ├── ......
│  ├── ......
├──val/
│  ├── n01440764
│  │   ├── ILSVRC2012_val_00000293.JPEG
│  │   ├── ILSVRC2012_val_00002138.JPEG
│  │   ├── ......
│  ├── ......

您可以从ImageNet 官网申请下载数据。

模型 epochs top1 acc (参考精度) (复现精度)
micronet_m0 600 46.6 46.3

3. 准备数据与环境

3.1 准备环境

硬件和框架版本等环境的要求如下:

# 安装GPU版本的Paddle
pip install paddlepaddle-gpu==2.3.1
# 安装CPU版本的Paddle
pip install paddlepaddle==2.3.1

更多安装方法可以参考:Paddle安装指南

git clone https://github.com/flytocc/MicroNet_paddle.git
cd MicroNet_paddle
pip install -r requirements.txt

3.2 准备数据

如果您已经ImageNet1k数据集,那么该步骤可以跳过,如果您没有,则可以从ImageNet官网申请下载。

4. 开始使用

4.1 模型训练

python -m paddle.distributed.launch --gpus=0,1,2,3 \
    main.py \
    /path/to/imagenet/ \
    # --cls_label_path_train /path/to/train_list.txt \
    # --cls_label_path_val /path/to/val_list.txt \
    --model micronet_m0 \
    --batch_size 128 \
    --interpolation bilinear \
    --weight_decay 3e-5 --no_filter_bias_and_bn \
    --lr 0.2 --warmup_lr 0 --min_lr 0 \
    --epochs 600 --warmup_epochs 0 --cooldown_epochs 0 \
    --reprob 0 --smoothing 0 \
    --use_multi_epochs_loader \
    --num_workers 8 \
    --output output/

ps: 如果未指定cls_label_path_train/cls_label_path_val,会读取data_dir下train/val里的图片作为train-set/val-set。

部分训练日志如下所示。

[14:04:15.171051] Epoch: [119]  [1000/1251]  eta: 0:02:23  lr: 0.000001  loss: 1.3032 (1.2889)  time: 0.2833  data: 0.0065
[14:04:20.781305] Epoch: [119]  [1020/1251]  eta: 0:02:17  lr: 0.000001  loss: 1.3059 (1.2895)  time: 0.2794  data: 0.0118

4.2 模型评估

python eval.py \
    /path/to/imagenet/ \
    # --cls_label_path_val /path/to/val_list.txt \
    --model micronet_m0 \
    --batch_size 256 \
    --interpolation bilinear \
    --resume $TRAINED_MODEL

ps: 如果未指定cls_label_path_val,会读取data_dir/val里的图片作为val-set。

4.3 模型预测

python predict.py \
    --infer_imgs ./demo/ILSVRC2012_val_00020010.JPEG \
    --model micronet_m0 \
    --interpolation bilinear \
    --resume $TRAINED_MODEL

最终输出结果为

[{'class_ids': [178, 690, 176, 345, 246], 'scores': [0.7426400184631348, 0.08124781399965286, 0.0610598586499691, 0.021242130547761917, 0.015705309808254242], 'file_name': './demo/ILSVRC2012_val_00020010.JPEG', 'label_names': ['Weimaraner', 'oxcart', 'Saluki, gazelle hound', 'ox', 'Great Dane']}]

表示预测的类别为Weimaraner(魏玛猎狗),ID是178,置信度为0.7426400184631348

4.4 模型导出

python export_model.py \
    --model micronet_m0 \
    --output /path/to/save/export_model/ \
    --resume $TRAINED_MODEL

python infer.py \
    --interpolation bilinear \
    --model_file /path/to/save/export_model/model.pdmodel \
    --params_file /path/to/save/export_model/model.pdiparams \
    --input_file ./demo/ILSVRC2012_val_00020010.JPEG

输出结果为

[{'class_ids': [178, 690, 176, 345, 246], 'scores': [0.7374158501625061, 0.08495301008224487, 0.06033390760421753, 0.021610060706734657, 0.016762400045990944], 'file_name': './demo/ILSVRC2012_val_00020010.JPEG', 'label_names': ['Weimaraner', 'oxcart', 'Saluki, gazelle hound', 'ox', 'Great Dane']}]

表示预测的类别为Weimaraner(魏玛猎狗),ID是178,置信度为0.7374158501625061。与predict.py结果的误差在正常范围内。

5. 代码结构

├── demo
├── engine.py
├── eval.py
├── export_model.py
├── infer.py
├── main.py
├── models.py
├── predict.py
├── README.md
├── requirements.txt
├── test_tipc
└── util

6. 自动化测试脚本

详细日志在test_tipc/output

TIPC: TIPC: test_tipc/README.md

首先安装auto_log,需要进行安装,安装方式如下: auto_log的详细介绍参考https://github.com/LDOUBLEV/AutoLog。

git clone https://github.com/LDOUBLEV/AutoLog
cd AutoLog/
pip3 install -r requirements.txt
python3 setup.py bdist_wheel
pip3 install ./dist/auto_log-1.2.0-py3-none-any.whl

进行TIPC:

bash test_tipc/prepare.sh test_tipc/config/MicroNet/micronet_m0.txt 'lite_train_lite_infer'

bash test_tipc/test_train_inference_python.sh test_tipc/config/MicroNet/micronet_m0.txt 'lite_train_lite_infer'

TIPC结果:

如果运行成功,在终端中会显示下面的内容,具体的日志也会输出到test_tipc/output/文件夹中的文件中。

Run successfully with command - python3 main.py ./dataset/ILSVRC2012/ --cls_label_path_train=./dataset/ILSVRC2012/train_list.txt --cls_label_path_val=./dataset/ILSVRC2012/val_list.txt --model=micronet_m0 --interpolation=bilinear --weight_decay=3e-5 --lr=0.2 --warmup_lr=0 --min_lr=0 --warmup_epochs=0 --cooldown_epochs=0 --reprob=0 --smoothing=0 --dist_eval    --output=./test_tipc/output/norm_train_gpus_0_autocast_null/micronet_m0 --epochs=2     --batch_size=8   !
Run successfully with command - python3 eval.py ./dataset/ILSVRC2012/ --cls_label_path_val=./dataset/ILSVRC2012/val_list.txt --model=micronet_m0 --interpolation=bilinear --resume=./test_tipc/output/norm_train_gpus_0_autocast_null/micronet_m0/checkpoint-latest.pd    !
Run successfully with command - python3 export_model.py --model=micronet_m0 --resume=./test_tipc/output/norm_train_gpus_0_autocast_null/micronet_m0/checkpoint-latest.pd --output=./test_tipc/output/norm_train_gpus_0_autocast_null!
Run successfully with command - python3 infer.py --use_gpu=True --use_tensorrt=False --precision=fp32 --model_file=./test_tipc/output/norm_train_gpus_0_autocast_null/model.pdmodel --batch_size=1 --input_file=./dataset/ILSVRC2012/val  --params_file=./test_tipc/output/norm_train_gpus_0_autocast_null/model.pdiparams > ./test_tipc/output/python_infer_gpu_usetrt_False_precision_fp32_batchsize_1.log 2>&1 !
......

7. License

MicroNet is released under MIT License.

8. 参考链接与文献

  1. MicroNet: Improving Image Recognition with Extremely Low FLOPs: https://arxiv.org/abs/2108.05894
  2. micronet: https://github.com/liyunsheng13/micronet