未验证 提交 15b05b9b 编写于 作者: S shangliang Xu 提交者: GitHub

[TIPC] add models, test=document_fix (#4722)

上级 0ccce02b
......@@ -25,73 +25,11 @@
| 算法论文 | 模型名称 | 模型类型 | 基础<br>训练预测 | 更多<br>训练方式 | 模型压缩 | 其他预测部署 |
| :--- | :--- | :----: | :--------: | :---- | :---- | :---- |
| [YOLOv3](https://arxiv.org/abs/1804.02767) | [yolov3_darknet53_270e_coco](../configs/yolov3/yolov3_darknet53_270e_coco.yml) | 目标检测 | 支持 | 混合精度 | FPGM裁剪 <br> PACT量化 <br> 离线量化 | Paddle Inference: C++ |
| YOLOv3 | [yolov3_mobilenet_v1_270e_coco](../configs/yolov3/yolov3_mobilenet_v1_270e_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| YOLOv3 | [yolov3_mobilenet_v3_large_270e_coco](../configs/yolov3/yolov3_mobilenet_v3_large_270e_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| YOLOv3 | [yolov3_r34_270e_coco](../configs/yolov3/yolov3_r34_270e_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| YOLOv3 | [yolov3_r50vd_dcn_270e_coco](../configs/yolov3/yolov3_r50vd_dcn_270e_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [PPYOLO](https://arxiv.org/abs/2007.12099) | [ppyolo_mbv3_large_coco](../configs/ppyolo/ppyolo_mbv3_large_coco.yml) | 目标检测 | 支持 | 混合精度 | FPGM裁剪 <br> PACT量化 <br> 离线量化 | Paddle Inference: C++ |
| PPYOLO | [ppyolo_r50vd_dcn_1x_coco](../configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | FPGM裁剪 <br> PACT量化 <br> 离线量化 | Paddle Inference: C++ |
| PPYOLO | [ppyolo_mbv3_small_coco](../configs/ppyolo/ppyolo_mbv3_small_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| PPYOLO | [ppyolo_r18vd_coco](../configs/ppyolo/ppyolo_r18vd_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| PPYOLO-tiny | [ppyolo_tiny_650e_coco](../configs/ppyolo/ppyolo_tiny_650e_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [PPYOLOv2](https://arxiv.org/abs/2104.10419) | [ppyolov2_r50vd_dcn_365e_coco](../configs/ppyolo/ppyolov2_r50vd_dcn_365e_coco.yml) | 目标检测 | 支持 | 多机多卡 <br> 混合精度 | | Paddle Inference: C++ |
| PPYOLOv2 | [ppyolov2_r50vd_dcn_365e_coco](../configs/ppyolo/ppyolov2_r50vd_dcn_365e_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| PPYOLOv2 | [ppyolov2_r101vd_dcn_365e_coco](../configs/ppyolo/ppyolov2_r101vd_dcn_365e_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [PP-PicoDet](https://arxiv.org/abs/2111.00902) | [picodet_s_320_coco](../configs/picodet/picodet_s_320_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| PP-PicoDet | [picodet_m_416_coco](../configs/picodet/picodet_m_416_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| PP-PicoDet | [picodet_l_640_coco](../configs/picodet/picodet_l_640_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| PP-PicoDet | [picodet_lcnet_1_5x_416_coco](../configs/picodet/more_config/picodet_lcnet_1_5x_416_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| PP-PicoDet | [picodet_mobilenetv3_large_1x_416_coco](../configs/picodet/more_config/picodet_mobilenetv3_large_1x_416_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| PP-PicoDet | [picodet_r18_640_coco](../configs/picodet/more_config/picodet_r18_640_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| PP-PicoDet | [picodet_shufflenetv2_1x_416_coco](../configs/picodet/more_config/picodet_shufflenetv2_1x_416_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [SSD](https://arxiv.org/abs/1512.02325) | [ssdlite_mobilenet_v1_300_coco](../configs/ssd/ssdlite_mobilenet_v1_300_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [Faster R-CNN](https://arxiv.org/abs/1506.01497) | [faster_rcnn_r50_fpn_1x_coco](../configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Faster R-CNN | [faster_rcnn_r34_fpn_1x_coco](../configs/faster_rcnn/faster_rcnn_r34_fpn_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Faster R-CNN | [faster_rcnn_r34_vd_fpn_1x_coco](../configs/faster_rcnn/faster_rcnn_r34_vd_fpn_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Faster R-CNN | [faster_rcnn_r50_1x_coco](../configs/faster_rcnn/faster_rcnn_r50_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Faster R-CNN | [faster_rcnn_r50_vd_1x_coco](../configs/faster_rcnn/faster_rcnn_r50_vd_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Faster R-CNN | [faster_rcnn_r50_vd_fpn_1x_coco](../configs/faster_rcnn/faster_rcnn_r50_vd_fpn_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Faster R-CNN | [faster_rcnn_r101_1x_coco](../configs/faster_rcnn/faster_rcnn_r101_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Faster R-CNN | [faster_rcnn_r101_fpn_1x_coco](../configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Faster R-CNN | [faster_rcnn_r101_vd_fpn_1x_coco](../configs/faster_rcnn/faster_rcnn_r101_vd_fpn_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Faster R-CNN | [faster_rcnn_x101_vd_64x4d_fpn_1x_coco](../configs/faster_rcnn/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Faster R-CNN | [faster_rcnn_swin_tiny_fpn_1x_coco](../configs/faster_rcnn/faster_rcnn_swin_tiny_fpn_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [Cascade Faster R-CNN](https://arxiv.org/abs/1712.00726) | [cascade_rcnn_r50_fpn_1x_coco](../configs/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Cascade Faster R-CNN | [cascade_rcnn_r50_vd_fpn_ssld_1x_coco](../configs/cascade_rcnn/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [FCOS](https://arxiv.org/abs/1904.01355) | [fcos_r50_fpn_1x_coco](../configs/fcos/fcos_r50_fpn_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| FCOS | [fcos_dcn_r50_fpn_1x_coco](../configs/fcos/fcos_dcn_r50_fpn_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [TTFNet](https://arxiv.org/abs/1909.00700) | [ttfnet_darknet53_1x_coco](../configs/ttfnet/ttfnet_darknet53_1x_coco.yml) | 目标检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [S2ANet](https://arxiv.org/abs/2008.09397) | [s2anet_conv_2x_dota](../configs/dota/s2anet_conv_2x_dota.yml) | 目标检测 | 使用DOTA数据集,且需要编译自定义OP,接入存在风险,待接入 |
| [DETR](https://arxiv.org/abs/2005.12872) | [detr_r50_1x_coco](../configs/detr/detr_r50_1x_coco.yml) | 目标检测 | 不支持预测部署 |
| [Deformable DETR](https://arxiv.org/abs/2010.04159) | [deformable_detr_r50_1x_coco](../configs/deformable_detr/deformable_detr_r50_1x_coco.yml) | 目标检测 | 不支持预测部署 |
| [Sparse R-CNN](https://arxiv.org/abs/2011.12450) | [sparse_rcnn_r50_fpn_3x_pro100_coco](../configs/sparse_rcnn/sparse_rcnn_r50_fpn_3x_pro100_coco.yml) | 目标检测 | 不支持预测部署 |
| [BlazeFace](https://arxiv.org/abs/1907.05047) | [blazeface_1000e](../configs/face_detection/blazeface_1000e.yml) | 目标检测 | 使用WIDER-FACE数据集,接入存在风险,待接入 |
| [Faceboxes](https://arxiv.org/abs/1708.05234) | | 目标检测 | 静态图实现,暂不支持 |
| [PyramidBox](https://arxiv.org/abs/1803.07737) | 模型实现在[models](https://github.com/PaddlePaddle/models/tree/develop/PaddleCV/face_detection) repo | 目标检测 | 静态图实现,暂不支持 |
| [Libra R-CNN](https://arxiv.org/abs/1904.02701) | | 目标检测 | 静态图实现,暂不支持 |
| [RetinaNet](https://arxiv.org/abs/1708.02002) | | 目标检测 | 静态图实现,暂不支持 |
| [CornerNet](https://arxiv.org/abs/1808.01244) | | 目标检测 | 静态图实现,暂不支持 |
| [EfficientDet](https://arxiv.org/abs/1911.09070) | | 目标检测 | 静态图实现,暂不支持 |
| [Mask R-CNN](https://arxiv.org/abs/1703.06870) | [mask_rcnn_r50_fpn_1x_coco](../configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml) | 实例分割 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Mask R-CNN | [mask_rcnn_r50_1x_coco](../configs/mask_rcnn/mask_rcnn_r50_1x_coco.yml) | 实例分割 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Mask R-CNN | [mask_rcnn_r50_vd_fpn_1x_coco](../configs/mask_rcnn/mask_rcnn_r50_vd_fpn_1x_coco.yml) | 实例分割 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Mask R-CNN | [mask_rcnn_r101_fpn_1x_coco](../configs/mask_rcnn/mask_rcnn_r101_fpn_1x_coco.yml) | 实例分割 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Mask R-CNN | [mask_rcnn_r101_vd_fpn_1x_coco](../configs/mask_rcnn/mask_rcnn_r101_vd_fpn_1x_coco.yml) | 实例分割 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Mask R-CNN | [mask_rcnn_x101_vd_64x4d_fpn_1x_coco](../configs/mask_rcnn/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.yml) | 实例分割 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [Cascade Mask R-CNN](https://arxiv.org/abs/1906.09756) | [cascade_mask_rcnn_r50_fpn_1x_coco](../configs/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco.yml) | 实例分割 | 支持 | 混合精度 | | Paddle Inference: C++ |
| Cascade Mask R-CNN | [cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco](../configs/cascade_rcnn/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.yml) | 实例分割 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [SOLOv2](https://arxiv.org/abs/2003.10152) | [solov2_r50_fpn_1x_coco](../configs/solov2/solov2_r50_fpn_1x_coco.yml) | 实例分割 | 支持 | 混合精度 | | Paddle Inference: C++ |
| SOLOv2 | [solov2_r50_enhance_coco](../configs/solov2/solov2_r50_enhance_coco.yml) | 实例分割 | 支持 | 混合精度 | | Paddle Inference: C++ |
| SOLOv2 | [solov2_r101_vd_fpn_3x_coco](../configs/solov2/solov2_r101_vd_fpn_3x_coco.yml) | 实例分割 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [PP-Tinypose] | [tinypose_128x96](../configs/keypoint/tiny_pose/tinypose_128x96.yml) | 关键点检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [HRNet](https://arxiv.org/abs/1902.09212) | [hrnet_w32_256x192](../configs/keypoint/hrnet/hrnet_w32_256x192.yml) | 关键点检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| HRNet | [dark_hrnet_w32_256x192](../configs/keypoint/hrnet/dark_hrnet_w32_256x192.yml) | 关键点检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| HRNet | [dark_hrnet_w48_256x192](../configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml) | 关键点检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [HigherHRNet](https://arxiv.org/abs/1908.10357) | [higherhrnet_hrnet_w32_512](../configs/keypoint/higherhrnet/higherhrnet_hrnet_w32_512.yml) | 关键点检测 | 支持 | 混合精度 | | Paddle Inference: C++ |
| [FairMot](https://arxiv.org/abs/2004.01888) | [fairmot_dla34_30e_576x320](../configs/mot/fairmot/fairmot_dla34_30e_576x320.yml) | 目标跟踪 | 支持,待接入 |
| [JDE](https://arxiv.org/abs/1909.12605) | [jde_darknet53_30e_576x320](../configs/mot/jde/jde_darknet53_30e_576x320.yml) | 目标跟踪 | 支持,待接入 |
更详细的汇总信息可以查看[更多模型](docs/more_models.md)
## 3. 测试工具简介
### 目录介绍
......
===========================cpp_infer_params===========================
model_name:s2anet_1x_spine
python:python3.7
filename:s2anet_1x_spine
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/s2anet_1x_spine.pdparams
norm_export:tools/export_model.py -c configs/dota/s2anet_1x_spine.yml -o
quant_export:tools/export_model.py -c configs/dota/s2anet_1x_spine.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/dota/s2anet_1x_spine.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/dota/s2anet_1x_spine.yml --slim_config _template_kl_quant -o
##
opencv_dir:default
infer_mode:norm
infer_quant:False
inference:./deploy/cpp/build/main
--device:gpu|cpu
--use_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/spine_coco/test/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:s2anet_1x_spine
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:null
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/s2anet_1x_spine.pdparams
trained_model_name:model_final.pdparams
train_infer_img_dir:./dataset/spine_coco/test/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/dota/s2anet_1x_spine.yml -o
pact_train:tools/train.py -c configs/dota/s2anet_1x_spine.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/dota/s2anet_1x_spine.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/dota/s2anet_1x_spine.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/s2anet_1x_spine.pdparams
norm_export:tools/export_model.py -c configs/dota/s2anet_1x_spine.yml -o
pact_export:tools/export_model.py -c configs/dota/s2anet_1x_spine.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/dota/s2anet_1x_spine.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/dota/s2anet_1x_spine.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/spine_coco/test/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:s2anet_1x_spine
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:amp
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/s2anet_1x_spine.pdparams
trained_model_name:s2anet_1x_spine/model_final.pdparams
train_infer_img_dir:./dataset/spine_coco/test/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/dota/s2anet_1x_spine.yml -o
pact_train:tools/train.py -c configs/dota/s2anet_1x_spine.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/dota/s2anet_1x_spine.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/dota/s2anet_1x_spine.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/s2anet_1x_spine.pdparams
norm_export:tools/export_model.py -c configs/dota/s2anet_1x_spine.yml -o
pact_export:tools/export_model.py -c configs/dota/s2anet_1x_spine.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/dota/s2anet_1x_spine.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/dota/s2anet_1x_spine.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp16
--model_dir:
--image_dir:./dataset/spine_coco/test/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
_BASE_: [
'../../../configs/datasets/spine_coco.yml',
'../../../configs/runtime.yml',
'../../../configs/dota/_base_/s2anet_optimizer_2x.yml',
'../../../configs/dota/_base_/s2anet.yml',
'../../../configs/dota/_base_/s2anet_reader.yml',
]
pretrain_weights: https://paddledet.bj.bcebos.com/models/pretrained/ResNet50_vd_ssld_v2_pretrained.pdparams
weights: output/s2anet_alignconv_2x_dota/model_final
S2ANetHead:
anchor_strides: [8, 16, 32, 64, 128]
anchor_scales: [4]
anchor_ratios: [1.0]
anchor_assign: RBoxAssigner
stacked_convs: 2
feat_in: 256
feat_out: 256
num_classes: 9
align_conv_type: 'AlignConv' # AlignConv Conv
align_conv_size: 3
use_sigmoid_cls: True
reg_loss_weight: [1.0, 1.0, 1.0, 1.0, 1.1]
cls_loss_weight: [1.1, 1.05]
reg_loss_type: 'l1'
===========================cpp_infer_params===========================
model_name:s2anet_alignconv_2x_spine
python:python3.7
filename:s2anet_alignconv_2x_spine
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/s2anet_alignconv_2x_dota.pdparams
norm_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml -o
quant_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml --slim_config _template_kl_quant -o
##
opencv_dir:default
infer_mode:norm
infer_quant:False
inference:./deploy/cpp/build/main
--device:gpu|cpu
--use_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/spine_coco/test/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:s2anet_alignconv_2x_spine
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:null
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=24
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/s2anet_alignconv_2x_dota.pdparams
trained_model_name:model_final.pdparams
train_infer_img_dir:./dataset/spine_coco/test/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml -o
pact_train:tools/train.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/s2anet_alignconv_2x_dota.pdparams
norm_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml -o
pact_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/spine_coco/test/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:s2anet_alignconv_2x_spine
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:amp
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=24
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/s2anet_alignconv_2x_dota.pdparams
trained_model_name:s2anet_alignconv_2x_spine/model_final.pdparams
train_infer_img_dir:./dataset/spine_coco/test/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml -o
pact_train:tools/train.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/s2anet_alignconv_2x_dota.pdparams
norm_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml -o
pact_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c test_tipc/configs/dota/s2anet_alignconv_2x_spine.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp16
--model_dir:
--image_dir:./dataset/spine_coco/test/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
_BASE_: [
'../../../configs/datasets/spine_coco.yml',
'../../../configs/runtime.yml',
'../../../configs/dota/_base_/s2anet_optimizer_2x.yml',
'../../../configs/dota/_base_/s2anet.yml',
'../../../configs/dota/_base_/s2anet_reader.yml',
]
weights: output/s2anet_conv_1x_dota/model_final
pretrain_weights: https://paddledet.bj.bcebos.com/models/pretrained/ResNet50_cos_pretrained.pdparams
ResNet:
depth: 50
variant: b
norm_type: bn
return_idx: [1,2,3]
num_stages: 4
S2ANetHead:
anchor_strides: [8, 16, 32, 64, 128]
anchor_scales: [4]
anchor_ratios: [1.0]
anchor_assign: RBoxAssigner
stacked_convs: 2
feat_in: 256
feat_out: 256
num_classes: 9
align_conv_type: 'Conv' # AlignConv Conv
align_conv_size: 3
use_sigmoid_cls: True
reg_loss_weight: [1.0, 1.0, 1.0, 1.0, 1.1]
cls_loss_weight: [1.1, 1.05]
===========================cpp_infer_params===========================
model_name:s2anet_conv_2x_spine
python:python3.7
filename:s2anet_conv_2x_spine
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/s2anet_conv_2x_dota.pdparams
norm_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml -o
quant_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml --slim_config _template_kl_quant -o
##
opencv_dir:default
infer_mode:norm
infer_quant:False
inference:./deploy/cpp/build/main
--device:gpu|cpu
--use_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/spine_coco/test/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:s2anet_conv_2x_spine
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:null
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=24
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/s2anet_conv_2x_dota.pdparams
trained_model_name:model_final.pdparams
train_infer_img_dir:./dataset/spine_coco/test/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml -o
pact_train:tools/train.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/s2anet_conv_2x_dota.pdparams
norm_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml -o
pact_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/spine_coco/test/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:s2anet_conv_2x_spine
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:amp
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=24
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/s2anet_conv_2x_dota.pdparams
trained_model_name:s2anet_conv_2x_spine/model_final.pdparams
train_infer_img_dir:./dataset/spine_coco/test/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml -o
pact_train:tools/train.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/s2anet_conv_2x_dota.pdparams
norm_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml -o
pact_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c test_tipc/configs/dota/s2anet_conv_2x_spine.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp16
--model_dir:
--image_dir:./dataset/spine_coco/test/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:blazeface_1000e
python:python3.7
filename:blazeface_1000e
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/blazeface_1000e.pdparams
norm_export:tools/export_model.py -c configs/face_detection/blazeface_1000e.yml -o
quant_export:tools/export_model.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_kl_quant -o
##
opencv_dir:default
infer_mode:norm
infer_quant:False
inference:./deploy/cpp/build/main
--device:gpu|cpu
--use_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/wider_face/WIDER_val/images/0--Parade/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:blazeface_1000e
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:null
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=1000
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=8
pretrain_weights:https://paddledet.bj.bcebos.com/models/blazeface_1000e.pdparams
trained_model_name:model_final.pdparams
train_infer_img_dir:./dataset/wider_face/WIDER_val/images/0--Parade/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/face_detection/blazeface_1000e.yml -o
pact_train:tools/train.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/face_detection/blazeface_1000e.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/blazeface_1000e.pdparams
norm_export:tools/export_model.py -c configs/face_detection/blazeface_1000e.yml -o
pact_export:tools/export_model.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/wider_face/WIDER_val/images/0--Parade/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:blazeface_1000e
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:amp
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=1000
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=8
pretrain_weights:https://paddledet.bj.bcebos.com/models/blazeface_1000e.pdparams
trained_model_name:blazeface_1000e/model_final.pdparams
train_infer_img_dir:./dataset/wider_face/WIDER_val/images/0--Parade/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/face_detection/blazeface_1000e.yml -o
pact_train:tools/train.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/face_detection/blazeface_1000e.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/blazeface_1000e.pdparams
norm_export:tools/export_model.py -c configs/face_detection/blazeface_1000e.yml -o
pact_export:tools/export_model.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp16
--model_dir:
--image_dir:./dataset/wider_face/WIDER_val/images/0--Parade/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:blazeface_fpn_ssh_1000e
python:python3.7
filename:blazeface_fpn_ssh_1000e
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/blazeface_fpn_ssh_1000e.pdparams
norm_export:tools/export_model.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml -o
quant_export:tools/export_model.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml --slim_config _template_kl_quant -o
##
opencv_dir:default
infer_mode:norm
infer_quant:False
inference:./deploy/cpp/build/main
--device:gpu|cpu
--use_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/wider_face/WIDER_val/images/0--Parade/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:blazeface_fpn_ssh_1000e
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:null
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=1000
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=8
pretrain_weights:https://paddledet.bj.bcebos.com/models/blazeface_fpn_ssh_1000e.pdparams
trained_model_name:model_final.pdparams
train_infer_img_dir:./dataset/wider_face/WIDER_val/images/0--Parade/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml -o
pact_train:tools/train.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/blazeface_fpn_ssh_1000e.pdparams
norm_export:tools/export_model.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml -o
pact_export:tools/export_model.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/wider_face/WIDER_val/images/0--Parade/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:blazeface_fpn_ssh_1000e
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:amp
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=1000
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=8
pretrain_weights:https://paddledet.bj.bcebos.com/models/blazeface_fpn_ssh_1000e.pdparams
trained_model_name:blazeface_fpn_ssh_1000e/model_final.pdparams
train_infer_img_dir:./dataset/wider_face/WIDER_val/images/0--Parade/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml -o
pact_train:tools/train.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/blazeface_fpn_ssh_1000e.pdparams
norm_export:tools/export_model.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml -o
pact_export:tools/export_model.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/face_detection/blazeface_fpn_ssh_1000e.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp16
--model_dir:
--image_dir:./dataset/wider_face/WIDER_val/images/0--Parade/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -4,7 +4,7 @@ python:python3.7
filename:faster_rcnn_r101_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_fpn_1x_coco.pdparams
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_fpn_2x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.yml --slim_config _template_fpgm -o
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -7,7 +7,7 @@ auto_cast:null
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_fpn_1x_coco.pdparams
pretrain_weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_fpn_2x_coco.pdparams
trained_model_name:model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
......@@ -26,7 +26,7 @@ null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_fpn_1x_coco.pdparams
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_fpn_2x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.yml --slim_config _template_fpgm -o
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -7,7 +7,7 @@ auto_cast:amp
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_fpn_1x_coco.pdparams
pretrain_weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_fpn_2x_coco.pdparams
trained_model_name:faster_rcnn_r101_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
......@@ -26,7 +26,7 @@ null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_fpn_1x_coco.pdparams
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_fpn_2x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.yml --slim_config _template_fpgm -o
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -37,7 +37,7 @@ kl_quant_export:tools/post_quant.py -c configs/keypoint/hrnet/dark_hrnet_w32_256
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
......
......@@ -37,7 +37,7 @@ kl_quant_export:tools/post_quant.py -c configs/keypoint/hrnet/dark_hrnet_w32_256
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
......
......@@ -4,7 +4,7 @@ python:python3.7
filename:dark_hrnet_w48_256x192
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/keypoint/dark_hrnet_w48_256x192.pdparams
weights:null
norm_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml -o
quant_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml --slim_config _template_fpgm -o
......
......@@ -7,7 +7,7 @@ auto_cast:null
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=210
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=64
pretrain_weights:https://paddledet.bj.bcebos.com/models/keypoint/dark_hrnet_w48_256x192.pdparams
pretrain_weights:null
trained_model_name:model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
......@@ -26,7 +26,7 @@ null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/keypoint/dark_hrnet_w48_256x192.pdparams
weights:null
norm_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml -o
pact_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml --slim_config _template_fpgm -o
......@@ -37,7 +37,7 @@ kl_quant_export:tools/post_quant.py -c configs/keypoint/hrnet/dark_hrnet_w48_256
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
......
......@@ -7,7 +7,7 @@ auto_cast:amp
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=210
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=64
pretrain_weights:https://paddledet.bj.bcebos.com/models/keypoint/dark_hrnet_w48_256x192.pdparams
pretrain_weights:null
trained_model_name:dark_hrnet_w48_256x192/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
......@@ -26,7 +26,7 @@ null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/keypoint/dark_hrnet_w48_256x192.pdparams
weights:null
norm_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml -o
pact_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml --slim_config _template_fpgm -o
......@@ -37,7 +37,7 @@ kl_quant_export:tools/post_quant.py -c configs/keypoint/hrnet/dark_hrnet_w48_256
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
......
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -37,7 +37,7 @@ kl_quant_export:tools/post_quant.py -c configs/keypoint/higherhrnet/higherhrnet_
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -37,7 +37,7 @@ kl_quant_export:tools/post_quant.py -c configs/keypoint/higherhrnet/higherhrnet_
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -37,7 +37,7 @@ kl_quant_export:tools/post_quant.py -c configs/keypoint/hrnet/hrnet_w32_256x192.
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
......
......@@ -37,7 +37,7 @@ kl_quant_export:tools/post_quant.py -c configs/keypoint/hrnet/hrnet_w32_256x192.
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
......
use_gpu: true
log_iter: 5
save_dir: output
snapshot_epoch: 10
weights: output/tinypose_128x96/model_final
epoch: 420
num_joints: &num_joints 17
pixel_std: &pixel_std 200
metric: KeyPointTopDownCOCOEval
num_classes: 1
train_height: &train_height 128
train_width: &train_width 96
trainsize: &trainsize [*train_width, *train_height]
hmsize: &hmsize [24, 32]
flip_perm: &flip_perm [[1, 2], [3, 4], [5, 6], [7, 8], [9, 10], [11, 12], [13, 14], [15, 16]]
#####model
architecture: TopDownHRNet
TopDownHRNet:
backbone: LiteHRNet
post_process: HRNetPostProcess
flip_perm: *flip_perm
num_joints: *num_joints
width: &width 40
loss: KeyPointMSELoss
use_dark: true
LiteHRNet:
network_type: wider_naive
freeze_at: -1
freeze_norm: false
return_idx: [0]
KeyPointMSELoss:
use_target_weight: true
loss_scale: 1.0
#####optimizer
LearningRate:
base_lr: 0.008
schedulers:
- !PiecewiseDecay
milestones: [380, 410]
gamma: 0.1
- !LinearWarmup
start_factor: 0.001
steps: 500
OptimizerBuilder:
optimizer:
type: Adam
regularizer:
factor: 0.0
type: L2
#####data
TrainDataset:
!KeypointTopDownCocoDataset
image_dir: train2017
anno_path: annotations/person_keypoints_train2017.json
dataset_dir: dataset/coco
num_joints: *num_joints
trainsize: *trainsize
pixel_std: *pixel_std
use_gt_bbox: True
EvalDataset:
!KeypointTopDownCocoDataset
image_dir: val2017
anno_path: annotations/person_keypoints_val2017.json
dataset_dir: dataset/coco
num_joints: *num_joints
trainsize: *trainsize
pixel_std: *pixel_std
use_gt_bbox: True
image_thre: 0.5
TestDataset:
!ImageFolder
anno_path: dataset/coco/keypoint_imagelist.txt
worker_num: 2
global_mean: &global_mean [0.485, 0.456, 0.406]
global_std: &global_std [0.229, 0.224, 0.225]
TrainReader:
sample_transforms:
- RandomFlipHalfBodyTransform:
scale: 0.25
rot: 30
num_joints_half_body: 8
prob_half_body: 0.3
pixel_std: *pixel_std
trainsize: *trainsize
upper_body_ids: [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10]
flip_pairs: *flip_perm
- AugmentationbyInformantionDropping:
prob_cutout: 0.5
offset_factor: 0.05
num_patch: 1
trainsize: *trainsize
- TopDownAffine:
trainsize: *trainsize
use_udp: true
- ToHeatmapsTopDown_DARK:
hmsize: *hmsize
sigma: 1
batch_transforms:
- NormalizeImage:
mean: *global_mean
std: *global_std
is_scale: true
- Permute: {}
batch_size: 512
shuffle: true
drop_last: false
EvalReader:
sample_transforms:
- TopDownAffine:
trainsize: *trainsize
use_udp: true
batch_transforms:
- NormalizeImage:
mean: *global_mean
std: *global_std
is_scale: true
- Permute: {}
batch_size: 16
TestReader:
inputs_def:
image_shape: [3, *train_height, *train_width]
sample_transforms:
- Decode: {}
- TopDownEvalAffine:
trainsize: *trainsize
- NormalizeImage:
mean: *global_mean
std: *global_std
is_scale: true
- Permute: {}
batch_size: 1
fuse_normalize: false
......@@ -5,13 +5,13 @@ filename:tinypose_128x96
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/keypoint/tinypose_128x96.pdparams
norm_export:tools/export_model.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml -o
quant_export:tools/export_model.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml --slim_config _template_fpgm -o
norm_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml -o
quant_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml --slim_config _template_kl_quant -o
kl_quant_export:tools/post_quant.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_kl_quant -o
##
opencv_dir:default
infer_mode:norm
......
......@@ -13,31 +13,31 @@ train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml -o
pact_train:tools/train.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml --slim_config _template_fpgm -o
norm_train:tools/train.py -c test_tipc/configs/keypoint/tinypose_128x96.yml -o
pact_train:tools/train.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml -o
eval:tools/eval.py -c test_tipc/configs/keypoint/tinypose_128x96.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/keypoint/tinypose_128x96.pdparams
norm_export:tools/export_model.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml -o
pact_export:tools/export_model.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml --slim_config _template_fpgm -o
norm_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml -o
pact_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml --slim_config _template_kl_quant -o
kl_quant_export:tools/post_quant.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
......
......@@ -13,31 +13,31 @@ train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml -o
pact_train:tools/train.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml --slim_config _template_fpgm -o
norm_train:tools/train.py -c test_tipc/configs/keypoint/tinypose_128x96.yml -o
pact_train:tools/train.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml -o
eval:tools/eval.py -c test_tipc/configs/keypoint/tinypose_128x96.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/keypoint/tinypose_128x96.pdparams
norm_export:tools/export_model.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml -o
pact_export:tools/export_model.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml --slim_config _template_fpgm -o
norm_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml -o
pact_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/keypoint/tiny_pose/tinypose_128x96.yml --slim_config _template_kl_quant -o
kl_quant_export:tools/post_quant.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/infer.py
inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
......
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -41,11 +41,11 @@ inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -41,11 +41,11 @@ inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -41,11 +41,11 @@ inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -41,11 +41,11 @@ inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -41,11 +41,11 @@ inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -26,4 +26,4 @@ inference:./deploy/cpp/build/main
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -41,11 +41,11 @@ inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
......@@ -48,4 +48,4 @@ inference:./deploy/python/infer.py
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:fairmot_dla34_30e_576x320
python:python3.7
filename:fairmot_dla34_30e_576x320
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mot/fairmot_dla34_30e_576x320.pdparams
norm_export:tools/export_model.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml -o
quant_export:tools/export_model.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml --slim_config _template_kl_quant -o
##
opencv_dir:default
infer_mode:norm
infer_quant:False
inference:./deploy/cpp/build/main
--device:gpu|cpu
--use_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--video_file:./dataset/mot/test.mp4
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:fairmot_dla34_30e_576x320
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:null
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=30
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=6
pretrain_weights:https://paddledet.bj.bcebos.com/models/mot/fairmot_dla34_30e_576x320.pdparams
trained_model_name:model_final.pdparams
train_infer_img_dir:./dataset/mot/test.mp4
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml -o
pact_train:tools/train.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval_mot.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mot/fairmot_dla34_30e_576x320.pdparams
norm_export:tools/export_model.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml -o
pact_export:tools/export_model.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/pptracking/python/mot_jde_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--video_file:./dataset/mot/test.mp4
--save_log_path:null
--run_benchmark:False
null:null
\ No newline at end of file
===========================train_params===========================
model_name:fairmot_dla34_30e_576x320
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:amp
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=30
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=6
pretrain_weights:https://paddledet.bj.bcebos.com/models/mot/fairmot_dla34_30e_576x320.pdparams
trained_model_name:fairmot_dla34_30e_576x320/model_final.pdparams
train_infer_img_dir:./dataset/mot/test.mp4
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml -o
pact_train:tools/train.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval_mot.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mot/fairmot_dla34_30e_576x320.pdparams
norm_export:tools/export_model.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml -o
pact_export:tools/export_model.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mot/fairmot/fairmot_dla34_30e_576x320.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/pptracking/python/mot_jde_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp16
--model_dir:
--video_file:./dataset/mot/test.mp4
--save_log_path:null
--run_benchmark:False
null:null
\ No newline at end of file
_BASE_: [
'../../../configs/datasets/mot.yml',
'../../../configs/runtime.yml',
'../../../configs/mot/fairmot/_base_/optimizer_30e_momentum.yml',
'../../../configs/mot/fairmot/_base_/fairmot_hrnetv2_w18_dlafpn.yml',
'../../../configs/mot/fairmot/_base_/fairmot_reader_576x320.yml',
]
norm_type: sync_bn
use_ema: true
ema_decay: 0.9998
# add crowdhuman
TrainDataset:
!MOTDataSet
dataset_dir: dataset/mot
image_lists: ['mot17.train', 'caltech.all', 'cuhksysu.train', 'prw.train', 'citypersons.train', 'eth.train']
data_fields: ['image', 'gt_bbox', 'gt_class', 'gt_ide']
worker_num: 4
TrainReader:
inputs_def:
image_shape: [3, 320, 576]
sample_transforms:
- Decode: {}
- RGBReverse: {}
- AugmentHSV: {}
- LetterBoxResize: {target_size: [320, 576]}
- MOTRandomAffine: {reject_outside: False}
- RandomFlip: {}
- BboxXYXY2XYWH: {}
- NormalizeBox: {}
- NormalizeImage: {mean: [0, 0, 0], std: [1, 1, 1]}
- RGBReverse: {}
- Permute: {}
batch_transforms:
- Gt2FairMOTTarget: {}
batch_size: 4
shuffle: True
drop_last: True
use_shared_memory: True
weights: output/fairmot_hrnetv2_w18_dlafpn_30e_576x320/model_final
===========================cpp_infer_params===========================
model_name:fairmot_hrnetv2_w18_dlafpn_30e_576x320
python:python3.7
filename:fairmot_hrnetv2_w18_dlafpn_30e_576x320
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.pdparams
norm_export:tools/export_model.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml -o
quant_export:tools/export_model.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_kl_quant -o
##
opencv_dir:default
infer_mode:norm
infer_quant:False
inference:./deploy/cpp/build/main
--device:gpu|cpu
--use_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--video_file:./dataset/mot/test.mp4
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:fairmot_hrnetv2_w18_dlafpn_30e_576x320
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:null
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=30
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=6
pretrain_weights:https://paddledet.bj.bcebos.com/models/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.pdparams
trained_model_name:model_final.pdparams
train_infer_img_dir:./dataset/mot/test.mp4
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml -o
pact_train:tools/train.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval_mot.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.pdparams
norm_export:tools/export_model.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml -o
pact_export:tools/export_model.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/pptracking/python/mot_jde_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--video_file:./dataset/mot/test.mp4
--save_log_path:null
--run_benchmark:False
null:null
\ No newline at end of file
===========================train_params===========================
model_name:fairmot_hrnetv2_w18_dlafpn_30e_576x320
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:amp
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=30
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=6
pretrain_weights:https://paddledet.bj.bcebos.com/models/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.pdparams
trained_model_name:fairmot_hrnetv2_w18_dlafpn_30e_576x320/model_final.pdparams
train_infer_img_dir:./dataset/mot/test.mp4
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml -o
pact_train:tools/train.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval_mot.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.pdparams
norm_export:tools/export_model.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml -o
pact_export:tools/export_model.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/pptracking/python/mot_jde_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp16
--model_dir:
--video_file:./dataset/mot/test.mp4
--save_log_path:null
--run_benchmark:False
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:jde_darknet53_30e_576x320
python:python3.7
filename:jde_darknet53_30e_576x320
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mot/jde_darknet53_30e_576x320.pdparams
norm_export:tools/export_model.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml -o
quant_export:tools/export_model.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml --slim_config _template_kl_quant -o
##
opencv_dir:default
infer_mode:norm
infer_quant:False
inference:./deploy/cpp/build/main
--device:gpu|cpu
--use_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--video_file:./dataset/mot/test.mp4
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:jde_darknet53_30e_576x320
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:null
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=30
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=4
pretrain_weights:https://paddledet.bj.bcebos.com/models/mot/jde_darknet53_30e_576x320.pdparams
trained_model_name:model_final.pdparams
train_infer_img_dir:./dataset/mot/test.mp4
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml -o
pact_train:tools/train.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval_mot.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mot/jde_darknet53_30e_576x320.pdparams
norm_export:tools/export_model.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml -o
pact_export:tools/export_model.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/pptracking/python/mot_jde_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--video_file:./dataset/mot/test.mp4
--save_log_path:null
--run_benchmark:False
null:null
\ No newline at end of file
===========================train_params===========================
model_name:jde_darknet53_30e_576x320
python:python3.7
gpu_list:0|0,1
use_gpu:True
auto_cast:amp
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=30
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=4
pretrain_weights:https://paddledet.bj.bcebos.com/models/mot/jde_darknet53_30e_576x320.pdparams
trained_model_name:jde_darknet53_30e_576x320/model_final.pdparams
train_infer_img_dir:./dataset/mot/test.mp4
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml -o
pact_train:tools/train.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval_mot.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mot/jde_darknet53_30e_576x320.pdparams
norm_export:tools/export_model.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml -o
pact_export:tools/export_model.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mot/jde/jde_darknet53_30e_576x320.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/pptracking/python/mot_jde_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--use_tensorrt:null
--run_mode:fluid|trt_fp16
--model_dir:
--video_file:./dataset/mot/test.mp4
--save_log_path:null
--run_benchmark:False
null:null
\ No newline at end of file
......@@ -41,7 +41,7 @@ inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
......@@ -41,7 +41,7 @@ inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
......@@ -41,7 +41,7 @@ inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
......@@ -41,7 +41,7 @@ inference:./deploy/python/infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
此差异已折叠。
此差异已折叠。
此差异已折叠。
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册