这是一个PaddlePaddle实现的PeleeNet。
PeleeNet是一个高效的卷积神经网络(CNN)架构,由传统的卷积法构建。与其他高效架构相比,PeleeNet有很大的速度优势,可以应用于图像分类及其它的计算机视觉任务。
论文: PeleeNet: An efficient DenseNet architecture for mobile devices
参考repo: PeleeNet
在此非常感谢Robert-JunWang
贡献的PeleeNet,提高了本repo复现论文的效率。
数据集为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 (参考精度) | top1 acc (复现精度) | 权重 | 训练日志 |
---|---|---|---|---|
PeleeNet | 120 | - | 0.713 (official repo) | 0.713 | 120epochs-pretrain_(checkpoint-latest.pd | log.txt) |
PeleeNet | 120+20 | 0.726 (paper) | 0.716 (official repo) | 0.716 | 20epochs-finetune_(checkpoint-best.pd | 20epochs-finetune_log.txt) |
权重及训练日志下载地址:百度网盘
硬件和框架版本等环境的要求如下:
- 硬件:4 * RTX3090
- 框架:
- PaddlePaddle >= 2.2.0
- 安装paddlepaddle
# 需要安装2.2及以上版本的Paddle,如果
# 安装GPU版本的Paddle
pip install paddlepaddle-gpu==2.2.0
# 安装CPU版本的Paddle
pip install paddlepaddle==2.2.0
更多安装方法可以参考:Paddle安装指南。
- 下载代码
git clone https://github.com/flytocc/PeleeNet-paddle.git
cd PeleeNet-paddle
- 安装requirements
pip install -r requirements.txt
如果您已经ImageNet1k数据集,那么该步骤可以跳过,如果您没有,则可以从ImageNet官网申请下载。
- 单机多卡训练
pretrain
export CUDA_VISIBLE_DEVICES=0,1
python -m paddle.distributed.launch --gpus="0,1" \
main.py \
--model peleenet \
--batch_size 256 \
--aa '' --smoothing 0 --train_interpolation 'bilinear' --reprob 0 \
--mixup 0 --cutmix 0 \
--opt momentum --weight_decay 1e-4 --min_lr 0 --warmup_epochs 0 \
--lr 0.18 --epochs 120 \
--data_path /path/to/imagenet/ \
--cls_label_path_train /path/to/train_list.txt \
--cls_label_path_val /path/to/val_list.txt \
--output_dir output/peleenet_pt/ \
--dist_eval
ps: 如果未指定cls_label_path_train
/cls_label_path_val
,会读取data_path
下train/val里的图片作为train-set/val-set。
fintune
export CUDA_VISIBLE_DEVICES=0,1
python -m paddle.distributed.launch --gpus="0,1" \
main.py \
--model peleenet \
--batch_size 256 \
--aa '' --smoothing 0 --train_interpolation 'bilinear' --reprob 0 \
--mixup 0 --cutmix 0 \
--opt momentum --weight_decay 1e-4 --min_lr 0 --warmup_epochs 0 \
--lr 0.005 --epochs 20 \
--data_path /path/to/imagenet/ \
--cls_label_path_train /path/to/train_list.txt \
--cls_label_path_val /path/to/val_list.txt \
--output_dir output/peleenet_ft/ \
--dist_eval \
--no_remove_head_from_pretained --finetune $PRETRAINED_MODEL
ps: 如果未指定cls_label_path_train
/cls_label_path_val
,会读取data_path
下train/val里的图片作为train-set/val-set。
部分训练日志如下所示。
[14:04:15.171051] Epoch: [119] [2000/2502] eta: 0:02:23 lr: 0.000001 loss: 1.3032 (1.2889) time: 0.2833 data: 0.0065
[14:04:20.781305] Epoch: [119] [2020/2502] eta: 0:02:17 lr: 0.000001 loss: 1.3059 (1.2895) time: 0.2794 data: 0.0118
python eval.py \
--model peleenet \
--batch_size 256 \
--train_interpolation 'bilinear' \
--data_path /path/to/imagenet/ \
--cls_label_path_val /path/to/val_list.txt \
--resume $TRAINED_MODEL
ps: 如果未指定cls_label_path_val
,会读取data_path
/val里的图片作为val-set。
python predict.py \
--model peleenet \
--infer_imgs ./demo/ILSVRC2012_val_00020010.JPEG \
--resume $TRAINED_MODEL
最终输出结果为
[{'class_ids': [178, 246, 211, 236, 159], 'scores': [0.9958848357200623, 0.0028915307484567165, 0.00047466575051657856, 0.00018126785289496183, 0.00013171554019208997], 'file_name': './demo/ILSVRC2012_val_00020010.JPEG', 'label_names': ['Weimaraner', 'Great Dane', 'vizsla, Hungarian pointer', 'Doberman, Doberman pinscher', 'Rhodesian ridgeback']}]
表示预测的类别为Weimaraner(魏玛猎狗)
,ID是178
,置信度为0.9958848357200623
。
python export_model.py \
--model peleenet \
--output_dir /path/to/save/export_model/ \
--resume $TRAINED_MODEL
python infer.py \
--train_interpolation 'bilinear' \
--model_file /path/to/save/export_model/output/model.pdmodel \
--params_file /path/to/save/export_model/output/model.pdiparams \
--input_file ./demo/ILSVRC2012_val_00020010.JPEG
输出结果为
[{'class_ids': [178, 246, 211, 236, 159], 'scores': [0.996401309967041, 0.00265419646166265, 0.0004626315494533628, 0.00010984008986270055, 8.304142829729244e-05], 'file_name': './demo/ILSVRC2012_val_00020010.JPEG', 'label_names': ['Weimaraner', 'Great Dane', 'vizsla, Hungarian pointer', 'Doberman, Doberman pinscher', 'Rhodesian ridgeback']}]
表示预测的类别为Weimaraner(魏玛猎狗)
,ID是178
,置信度为0.996401309967041
。与predict.py结果的误差在正常范围内。
├── demo
├── engine.py
├── eval.py
├── export_model.py
├── infer.py
├── main.py
├── models.py
├── predict.py
├── README.md
├── requirements.txt
├── test_tipc
└── util
详细日志在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/PeleeNet/peleenet.txt 'lite_train_lite_infer'
bash test_tipc/test_train_inference_python.sh test_tipc/config/PeleeNet/peleenet.txt 'lite_train_lite_infer'
TIPC结果:
如果运行成功,在终端中会显示下面的内容,具体的日志也会输出到test_tipc/output/
文件夹中的文件中。
Run successfully with command - python3 main.py --model=peleenet --aa='' --smoothing=0 --train_interpolation=bilinear --reprob=0 --mixup=0 --cutmix=0 --lr=0.25 --data_path=./dataset/ILSVRC2012/ --cls_label_path_train=./dataset/ILSVRC2012/train_list.txt --cls_label_path_val=./dataset/ILSVRC2012/val_list.txt --dist_eval --output_dir=./test_tipc/output/norm_train_gpus_0_autocast_null/peleenet --epochs=2 --batch_size=8 !
Run successfully with command - python3 eval.py --model=peleenet --train_interpolation=bilinear --data_path=./dataset/ILSVRC2012/ --cls_label_path_val=./dataset/ILSVRC2012/val_list.txt --resume=./test_tipc/output/norm_train_gpus_0_autocast_null/peleenet/checkpoint-latest.pd !
Run successfully with command - python3 export_model.py --model=peleenet --resume=./test_tipc/output/norm_train_gpus_0_autocast_null/peleenet/checkpoint-latest.pd --output=./test_tipc/output/norm_train_gpus_0_autocast_null !
......
- 更多详细内容,请参考:TIPC测试文档。
PeleeNet-paddle is released under Apache License 2.0
.
- PeleeNet: An efficient DenseNet architecture for mobile devices: https://arxiv.org/pdf/1804.06882.pdf
- PeleeNet: https://github.com/Robert-JunWang/PeleeNet
再次感谢Robert-JunWang
贡献的PeleeNet,提高了本repo复现论文的效率。
@incollection{NIPS2018_7466,
title = {Pelee: A Real-Time Object Detection System on Mobile Devices},
author = {Wang, Robert J. and Li, Xiang and Ling, Charles X.},
booktitle = {Advances in Neural Information Processing Systems 31},
editor = {S. Bengio and H. Wallach and H. Larochelle and K. Grauman and N. Cesa-Bianchi and R. Garnett},
pages = {1963--1972},
year = {2018},
publisher = {Curran Associates, Inc.},
url = {http://papers.nips.cc/paper/7466-pelee-a-real-time-object-detection-system-on-mobile-devices.pdf}
}