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

[TIPC] delete tools, test=document_fix (#4834)

* [TIPC] delete tools, test=document_fix

* [TIPC] alter infer batch_size=2, test=document_fix
上级 02428cfd
===========================cpp_infer_params===========================
model_name:cascade_mask_rcnn_r50_fpn_1x_coco
python:python3.7
filename:cascade_mask_rcnn_r50_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/cascade_mask_rcnn_r50_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:cascade_mask_rcnn_r50_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/cascade_mask_rcnn_r50_fpn_1x_coco.pdparams
trained_model_name:cascade_mask_rcnn_r50_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/cascade_mask_rcnn_r50_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco
python:python3.7
filename:cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.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
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================train_params===========================
model_name:cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.pdparams
trained_model_name:cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.yml -o
pact_train:tools/train.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/cascade_rcnn/cascade_mask_rcnn_r50_vd_fpn_ssld_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:cascade_rcnn_r50_fpn_1x_coco
python:python3.7
filename:cascade_rcnn_r50_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/cascade_rcnn_r50_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:cascade_rcnn_r50_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/cascade_rcnn_r50_fpn_1x_coco.pdparams
trained_model_name:cascade_rcnn_r50_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/cascade_rcnn_r50_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:cascade_rcnn_r50_vd_fpn_ssld_1x_coco
python:python3.7
filename:cascade_rcnn_r50_vd_fpn_ssld_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/cascade_rcnn/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/cascade_rcnn/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:cascade_rcnn_r50_vd_fpn_ssld_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.pdparams
trained_model_name:cascade_rcnn_r50_vd_fpn_ssld_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/cascade_rcnn/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.yml -o
pact_train:tools/train.py -c configs/cascade_rcnn/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/cascade_rcnn/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/cascade_rcnn/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/cascade_rcnn/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/cascade_rcnn/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/cascade_rcnn/cascade_rcnn_r50_vd_fpn_ssld_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================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
......@@ -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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================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
===========================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
......@@ -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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================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
===========================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
......@@ -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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================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
......@@ -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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================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
......@@ -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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================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
===========================cpp_infer_params===========================
model_name:faster_rcnn_r101_1x_coco
python:python3.7
filename:faster_rcnn_r101_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r101_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ 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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:faster_rcnn_r101_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_1x_coco.pdparams
trained_model_name:faster_rcnn_r101_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r101_1x_coco.yml -o
pact_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r101_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r101_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/faster_rcnn/faster_rcnn_r101_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r101_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:faster_rcnn_r101_fpn_1x_coco
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_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
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ 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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:faster_rcnn_r101_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
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
##
trainer:norm_train
norm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
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
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r101_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:faster_rcnn_r101_vd_fpn_1x_coco
python:python3.7
filename:faster_rcnn_r101_vd_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_vd_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_vd_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r101_vd_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ 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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:faster_rcnn_r101_vd_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_vd_fpn_1x_coco.pdparams
trained_model_name:faster_rcnn_r101_vd_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r101_vd_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r101_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r101_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/faster_rcnn/faster_rcnn_r101_vd_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r101_vd_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_vd_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r101_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r101_vd_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:faster_rcnn_r34_fpn_1x_coco
python:python3.7
filename:faster_rcnn_r34_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r34_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r34_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r34_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r34_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r34_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ 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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:faster_rcnn_r34_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r34_fpn_1x_coco.pdparams
trained_model_name:faster_rcnn_r34_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r34_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r34_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r34_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/faster_rcnn/faster_rcnn_r34_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r34_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r34_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r34_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r34_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r34_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:faster_rcnn_r34_vd_fpn_1x_coco
python:python3.7
filename:faster_rcnn_r34_vd_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r34_vd_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r34_vd_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r34_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r34_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r34_vd_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ 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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:faster_rcnn_r34_vd_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r34_vd_fpn_1x_coco.pdparams
trained_model_name:faster_rcnn_r34_vd_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r34_vd_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r34_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r34_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/faster_rcnn/faster_rcnn_r34_vd_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r34_vd_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r34_vd_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r34_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r34_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r34_vd_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:faster_rcnn_r50_1x_coco
python:python3.7
filename:faster_rcnn_r50_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r50_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r50_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ 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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:faster_rcnn_r50_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r50_1x_coco.pdparams
trained_model_name:faster_rcnn_r50_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r50_1x_coco.yml -o
pact_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r50_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r50_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/faster_rcnn/faster_rcnn_r50_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r50_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r50_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:faster_rcnn_r50_fpn_1x_coco
python:python3.7
filename:faster_rcnn_r50_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r50_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ 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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:faster_rcnn_r50_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r50_fpn_1x_coco.pdparams
trained_model_name:faster_rcnn_r50_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r50_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:faster_rcnn_r50_vd_1x_coco
python:python3.7
filename:faster_rcnn_r50_vd_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r50_vd_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_vd_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_vd_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_vd_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r50_vd_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ 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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:faster_rcnn_r50_vd_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r50_vd_1x_coco.pdparams
trained_model_name:faster_rcnn_r50_vd_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r50_vd_1x_coco.yml -o
pact_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r50_vd_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r50_vd_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/faster_rcnn/faster_rcnn_r50_vd_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r50_vd_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_vd_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_vd_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_vd_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r50_vd_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:faster_rcnn_r50_vd_fpn_1x_coco
python:python3.7
filename:faster_rcnn_r50_vd_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r50_vd_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_vd_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r50_vd_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ 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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:faster_rcnn_r50_vd_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r50_vd_fpn_1x_coco.pdparams
trained_model_name:faster_rcnn_r50_vd_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r50_vd_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r50_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_r50_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/faster_rcnn/faster_rcnn_r50_vd_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_r50_vd_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_vd_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_r50_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_r50_vd_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:faster_rcnn_swin_tiny_fpn_1x_coco
python:python3.7
filename:faster_rcnn_swin_tiny_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_swin_tiny_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_swin_tiny_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_swin_tiny_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_swin_tiny_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_swin_tiny_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ 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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:faster_rcnn_swin_tiny_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=2
pretrain_weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_swin_tiny_fpn_1x_coco.pdparams
trained_model_name:faster_rcnn_swin_tiny_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_swin_tiny_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_swin_tiny_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_swin_tiny_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/faster_rcnn/faster_rcnn_swin_tiny_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_swin_tiny_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_swin_tiny_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_swin_tiny_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_swin_tiny_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_swin_tiny_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:faster_rcnn_x101_vd_64x4d_fpn_1x_coco
python:python3.7
filename:faster_rcnn_x101_vd_64x4d_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ 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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:faster_rcnn_x101_vd_64x4d_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.pdparams
trained_model_name:faster_rcnn_x101_vd_64x4d_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/faster_rcnn/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/faster_rcnn/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/faster_rcnn/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/faster_rcnn/faster_rcnn_x101_vd_64x4d_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:fcos_dcn_r50_fpn_1x_coco
python:python3.7
filename:fcos_dcn_r50_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/fcos_dcn_r50_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/fcos/fcos_dcn_r50_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/fcos/fcos_dcn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/fcos/fcos_dcn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/fcos/fcos_dcn_r50_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:fcos_dcn_r50_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=2
pretrain_weights:https://paddledet.bj.bcebos.com/models/fcos_dcn_r50_fpn_1x_coco.pdparams
trained_model_name:fcos_dcn_r50_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/fcos/fcos_dcn_r50_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/fcos/fcos_dcn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/fcos/fcos_dcn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/fcos/fcos_dcn_r50_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/fcos_dcn_r50_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/fcos/fcos_dcn_r50_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/fcos/fcos_dcn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/fcos/fcos_dcn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/fcos/fcos_dcn_r50_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:fcos_r50_fpn_1x_coco
python:python3.7
filename:fcos_r50_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/fcos_r50_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/fcos/fcos_r50_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/fcos/fcos_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/fcos/fcos_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/fcos/fcos_r50_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ 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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:fcos_r50_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=2
pretrain_weights:https://paddledet.bj.bcebos.com/models/fcos_r50_fpn_1x_coco.pdparams
trained_model_name:fcos_r50_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/fcos/fcos_r50_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/fcos/fcos_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/fcos/fcos_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/fcos/fcos_r50_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/fcos_r50_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/fcos/fcos_r50_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/fcos/fcos_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/fcos/fcos_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/fcos/fcos_r50_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:dark_hrnet_w32_256x192
python:python3.7
filename:dark_hrnet_w32_256x192
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/keypoint/dark_hrnet_w32_256x192.pdparams
norm_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w32_256x192.yml -o
quant_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w32_256x192.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w32_256x192.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/keypoint/hrnet/dark_hrnet_w32_256x192.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
......@@ -41,7 +41,7 @@ inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:dark_hrnet_w32_256x192
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=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_w32_256x192.pdparams
trained_model_name:dark_hrnet_w32_256x192/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/keypoint/hrnet/dark_hrnet_w32_256x192.yml -o
pact_train:tools/train.py -c configs/keypoint/hrnet/dark_hrnet_w32_256x192.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/keypoint/hrnet/dark_hrnet_w32_256x192.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/keypoint/hrnet/dark_hrnet_w32_256x192.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/keypoint/dark_hrnet_w32_256x192.pdparams
norm_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w32_256x192.yml -o
pact_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w32_256x192.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/keypoint/hrnet/dark_hrnet_w32_256x192.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/keypoint/hrnet/dark_hrnet_w32_256x192.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/keypoint_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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:dark_hrnet_w48_256x192
python:python3.7
filename:dark_hrnet_w48_256x192
##
--output_dir:./output_inference
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
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
......@@ -41,7 +41,7 @@ inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:dark_hrnet_w48_256x192
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=210
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=64
pretrain_weights:null
trained_model_name:dark_hrnet_w48_256x192/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml -o
pact_train:tools/train.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
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
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/keypoint/hrnet/dark_hrnet_w48_256x192.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/keypoint_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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:higherhrnet_hrnet_w32_512
python:python3.7
filename:higherhrnet_hrnet_w32_512
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/keypoint/higherhrnet_hrnet_w32_512.pdparams
norm_export:tools/export_model.py -c configs/keypoint/higherhrnet/higherhrnet_hrnet_w32_512.yml -o
quant_export:tools/export_model.py -c configs/keypoint/higherhrnet/higherhrnet_hrnet_w32_512.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/keypoint/higherhrnet/higherhrnet_hrnet_w32_512.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/keypoint/higherhrnet/higherhrnet_hrnet_w32_512.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
......@@ -41,7 +41,7 @@ inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:higherhrnet_hrnet_w32_512
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=300
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=20
pretrain_weights:https://paddledet.bj.bcebos.com/models/keypoint/higherhrnet_hrnet_w32_512.pdparams
trained_model_name:higherhrnet_hrnet_w32_512/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/keypoint/higherhrnet/higherhrnet_hrnet_w32_512.yml -o
pact_train:tools/train.py -c configs/keypoint/higherhrnet/higherhrnet_hrnet_w32_512.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/keypoint/higherhrnet/higherhrnet_hrnet_w32_512.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/keypoint/higherhrnet/higherhrnet_hrnet_w32_512.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/keypoint/higherhrnet_hrnet_w32_512.pdparams
norm_export:tools/export_model.py -c configs/keypoint/higherhrnet/higherhrnet_hrnet_w32_512.yml -o
pact_export:tools/export_model.py -c configs/keypoint/higherhrnet/higherhrnet_hrnet_w32_512.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/keypoint/higherhrnet/higherhrnet_hrnet_w32_512.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/keypoint/higherhrnet/higherhrnet_hrnet_w32_512.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/keypoint_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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:hrnet_w32_256x192
python:python3.7
filename:hrnet_w32_256x192
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/keypoint/hrnet_w32_256x192.pdparams
norm_export:tools/export_model.py -c configs/keypoint/hrnet/hrnet_w32_256x192.yml -o
quant_export:tools/export_model.py -c configs/keypoint/hrnet/hrnet_w32_256x192.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/keypoint/hrnet/hrnet_w32_256x192.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/keypoint/hrnet/hrnet_w32_256x192.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
......@@ -41,7 +41,7 @@ inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:hrnet_w32_256x192
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=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/hrnet_w32_256x192.pdparams
trained_model_name:hrnet_w32_256x192/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/keypoint/hrnet/hrnet_w32_256x192.yml -o
pact_train:tools/train.py -c configs/keypoint/hrnet/hrnet_w32_256x192.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/keypoint/hrnet/hrnet_w32_256x192.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/keypoint/hrnet/hrnet_w32_256x192.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/keypoint/hrnet_w32_256x192.pdparams
norm_export:tools/export_model.py -c configs/keypoint/hrnet/hrnet_w32_256x192.yml -o
pact_export:tools/export_model.py -c configs/keypoint/hrnet/hrnet_w32_256x192.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/keypoint/hrnet/hrnet_w32_256x192.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/keypoint/hrnet/hrnet_w32_256x192.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/keypoint_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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:tinypose_128x96
python:python3.7
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 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 test_tipc/configs/keypoint/tinypose_128x96.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
......@@ -41,7 +41,7 @@ inference:./deploy/python/keypoint_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:tinypose_128x96
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=420
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=512
pretrain_weights:https://paddledet.bj.bcebos.com/models/keypoint/tinypose_128x96.pdparams
trained_model_name:tinypose_128x96/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
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 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 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 test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_kl_quant -o
##
infer_mode:norm
infer_quant:False
inference:./deploy/python/keypoint_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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:mask_rcnn_r101_fpn_1x_coco
python:python3.7
filename:mask_rcnn_r101_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r101_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r101_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r101_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r101_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_r101_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================train_params===========================
model_name:mask_rcnn_r101_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r101_fpn_1x_coco.pdparams
trained_model_name:mask_rcnn_r101_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r101_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r101_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r101_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/mask_rcnn/mask_rcnn_r101_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r101_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r101_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r101_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r101_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_r101_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:mask_rcnn_r101_vd_fpn_1x_coco
python:python3.7
filename:mask_rcnn_r101_vd_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r101_vd_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r101_vd_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r101_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r101_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_r101_vd_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================train_params===========================
model_name:mask_rcnn_r101_vd_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r101_vd_fpn_1x_coco.pdparams
trained_model_name:mask_rcnn_r101_vd_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r101_vd_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r101_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r101_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/mask_rcnn/mask_rcnn_r101_vd_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r101_vd_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r101_vd_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r101_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r101_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_r101_vd_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:mask_rcnn_r50_1x_coco
python:python3.7
filename:mask_rcnn_r50_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r50_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_r50_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================train_params===========================
model_name:mask_rcnn_r50_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r50_1x_coco.pdparams
trained_model_name:mask_rcnn_r50_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r50_1x_coco.yml -o
pact_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r50_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r50_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/mask_rcnn/mask_rcnn_r50_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r50_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_r50_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:mask_rcnn_r50_fpn_1x_coco
python:python3.7
filename:mask_rcnn_r50_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r50_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================train_params===========================
model_name:mask_rcnn_r50_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r50_fpn_1x_coco.pdparams
trained_model_name:mask_rcnn_r50_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r50_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:mask_rcnn_r50_vd_fpn_1x_coco
python:python3.7
filename:mask_rcnn_r50_vd_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r50_vd_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_vd_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_r50_vd_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================train_params===========================
model_name:mask_rcnn_r50_vd_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r50_vd_fpn_1x_coco.pdparams
trained_model_name:mask_rcnn_r50_vd_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r50_vd_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r50_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_r50_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/mask_rcnn/mask_rcnn_r50_vd_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r50_vd_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_vd_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_vd_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_vd_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_r50_vd_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:mask_rcnn_x101_vd_64x4d_fpn_1x_coco
python:python3.7
filename:mask_rcnn_x101_vd_64x4d_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.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/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================train_params===========================
model_name:mask_rcnn_x101_vd_64x4d_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=1
pretrain_weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.pdparams
trained_model_name:mask_rcnn_x101_vd_64x4d_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/mask_rcnn/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/mask_rcnn/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_x101_vd_64x4d_fpn_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
--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
......@@ -41,7 +41,7 @@ inference:./deploy/pptracking/python/mot_jde_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================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
===========================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
......@@ -41,7 +41,7 @@ inference:./deploy/pptracking/python/mot_jde_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================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
......@@ -41,7 +41,7 @@ inference:./deploy/pptracking/python/mot_jde_infer.py
--device:gpu|cpu
--enable_mkldnn:True|False
--cpu_threads:1|6
--batch_size:1|8
--batch_size:1|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================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
===========================cpp_infer_params===========================
model_name:picodet_l_640_coco
python:python3.7
filename:picodet_l_640_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/picodet_l_640_coco.pdparams
norm_export:tools/export_model.py -c configs/picodet/picodet_l_640_coco.yml -o
quant_export:tools/export_model.py -c configs/picodet/picodet_l_640_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/picodet/picodet_l_640_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/picodet/picodet_l_640_coco.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:picodet_l_640_coco
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=300
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=32
pretrain_weights:https://paddledet.bj.bcebos.com/models/picodet_l_640_coco.pdparams
trained_model_name:picodet_l_640_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/picodet/picodet_l_640_coco.yml -o
pact_train:tools/train.py -c configs/picodet/picodet_l_640_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/picodet/picodet_l_640_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/picodet/picodet_l_640_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/picodet_l_640_coco.pdparams
norm_export:tools/export_model.py -c configs/picodet/picodet_l_640_coco.yml -o
pact_export:tools/export_model.py -c configs/picodet/picodet_l_640_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/picodet/picodet_l_640_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/picodet/picodet_l_640_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:picodet_lcnet_1_5x_416_coco
python:python3.7
filename:picodet_lcnet_1_5x_416_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/picodet_lcnet_1_5x_416_coco.pdparams
norm_export:tools/export_model.py -c configs/picodet/more_config/picodet_lcnet_1_5x_416_coco.yml -o
quant_export:tools/export_model.py -c configs/picodet/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/picodet/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/picodet/more_config/picodet_lcnet_1_5x_416_coco.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:picodet_lcnet_1_5x_416_coco
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=300
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=80
pretrain_weights:https://paddledet.bj.bcebos.com/models/picodet_lcnet_1_5x_416_coco.pdparams
trained_model_name:picodet_lcnet_1_5x_416_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/picodet/more_config/picodet_lcnet_1_5x_416_coco.yml -o
pact_train:tools/train.py -c configs/picodet/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/picodet/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/picodet/more_config/picodet_lcnet_1_5x_416_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/picodet_lcnet_1_5x_416_coco.pdparams
norm_export:tools/export_model.py -c configs/picodet/more_config/picodet_lcnet_1_5x_416_coco.yml -o
pact_export:tools/export_model.py -c configs/picodet/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/picodet/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/picodet/more_config/picodet_lcnet_1_5x_416_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:picodet_m_416_coco
python:python3.7
filename:picodet_m_416_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/picodet_m_416_coco.pdparams
norm_export:tools/export_model.py -c configs/picodet/picodet_m_416_coco.yml -o
quant_export:tools/export_model.py -c configs/picodet/picodet_m_416_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/picodet/picodet_m_416_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/picodet/picodet_m_416_coco.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:picodet_m_416_coco
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=300
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=80
pretrain_weights:https://paddledet.bj.bcebos.com/models/picodet_m_416_coco.pdparams
trained_model_name:picodet_m_416_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/picodet/picodet_m_416_coco.yml -o
pact_train:tools/train.py -c configs/picodet/picodet_m_416_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/picodet/picodet_m_416_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/picodet/picodet_m_416_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/picodet_m_416_coco.pdparams
norm_export:tools/export_model.py -c configs/picodet/picodet_m_416_coco.yml -o
pact_export:tools/export_model.py -c configs/picodet/picodet_m_416_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/picodet/picodet_m_416_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/picodet/picodet_m_416_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:picodet_mobilenetv3_large_1x_416_coco
python:python3.7
filename:picodet_mobilenetv3_large_1x_416_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/picodet_mobilenetv3_large_1x_416_coco.pdparams
norm_export:tools/export_model.py -c configs/picodet/more_config/picodet_mobilenetv3_large_1x_416_coco.yml -o
quant_export:tools/export_model.py -c configs/picodet/more_config/picodet_mobilenetv3_large_1x_416_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/picodet/more_config/picodet_mobilenetv3_large_1x_416_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/picodet/more_config/picodet_mobilenetv3_large_1x_416_coco.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:picodet_mobilenetv3_large_1x_416_coco
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=300
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=80
pretrain_weights:https://paddledet.bj.bcebos.com/models/picodet_mobilenetv3_large_1x_416_coco.pdparams
trained_model_name:picodet_mobilenetv3_large_1x_416_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/picodet/more_config/picodet_mobilenetv3_large_1x_416_coco.yml -o
pact_train:tools/train.py -c configs/picodet/more_config/picodet_mobilenetv3_large_1x_416_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/picodet/more_config/picodet_mobilenetv3_large_1x_416_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/picodet/more_config/picodet_mobilenetv3_large_1x_416_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/picodet_mobilenetv3_large_1x_416_coco.pdparams
norm_export:tools/export_model.py -c configs/picodet/more_config/picodet_mobilenetv3_large_1x_416_coco.yml -o
pact_export:tools/export_model.py -c configs/picodet/more_config/picodet_mobilenetv3_large_1x_416_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/picodet/more_config/picodet_mobilenetv3_large_1x_416_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/picodet/more_config/picodet_mobilenetv3_large_1x_416_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:picodet_r18_640_coco
python:python3.7
filename:picodet_r18_640_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/picodet_r18_640_coco.pdparams
norm_export:tools/export_model.py -c configs/picodet/more_config/picodet_r18_640_coco.yml -o
quant_export:tools/export_model.py -c configs/picodet/more_config/picodet_r18_640_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/picodet/more_config/picodet_r18_640_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/picodet/more_config/picodet_r18_640_coco.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:picodet_r18_640_coco
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=300
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=56
pretrain_weights:https://paddledet.bj.bcebos.com/models/picodet_r18_640_coco.pdparams
trained_model_name:picodet_r18_640_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/picodet/more_config/picodet_r18_640_coco.yml -o
pact_train:tools/train.py -c configs/picodet/more_config/picodet_r18_640_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/picodet/more_config/picodet_r18_640_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/picodet/more_config/picodet_r18_640_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/picodet_r18_640_coco.pdparams
norm_export:tools/export_model.py -c configs/picodet/more_config/picodet_r18_640_coco.yml -o
pact_export:tools/export_model.py -c configs/picodet/more_config/picodet_r18_640_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/picodet/more_config/picodet_r18_640_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/picodet/more_config/picodet_r18_640_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:picodet_s_320_coco
python:python3.7
filename:picodet_s_320_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/picodet_s_320_coco.pdparams
norm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco.yml -o
quant_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/picodet/picodet_s_320_coco.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:picodet_s_320_coco
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=300
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=128
pretrain_weights:https://paddledet.bj.bcebos.com/models/picodet_s_320_coco.pdparams
trained_model_name:picodet_s_320_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/picodet/picodet_s_320_coco.yml -o
pact_train:tools/train.py -c configs/picodet/picodet_s_320_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/picodet/picodet_s_320_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/picodet/picodet_s_320_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/picodet_s_320_coco.pdparams
norm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco.yml -o
pact_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/picodet/picodet_s_320_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:picodet_shufflenetv2_1x_416_coco
python:python3.7
filename:picodet_shufflenetv2_1x_416_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/picodet_shufflenetv2_1x_416_coco.pdparams
norm_export:tools/export_model.py -c configs/picodet/more_config/picodet_shufflenetv2_1x_416_coco.yml -o
quant_export:tools/export_model.py -c configs/picodet/more_config/picodet_shufflenetv2_1x_416_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/picodet/more_config/picodet_shufflenetv2_1x_416_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/picodet/more_config/picodet_shufflenetv2_1x_416_coco.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:picodet_shufflenetv2_1x_416_coco
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=300
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=80
pretrain_weights:https://paddledet.bj.bcebos.com/models/picodet_shufflenetv2_1x_416_coco.pdparams
trained_model_name:picodet_shufflenetv2_1x_416_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/picodet/more_config/picodet_shufflenetv2_1x_416_coco.yml -o
pact_train:tools/train.py -c configs/picodet/more_config/picodet_shufflenetv2_1x_416_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/picodet/more_config/picodet_shufflenetv2_1x_416_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/picodet/more_config/picodet_shufflenetv2_1x_416_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/picodet_shufflenetv2_1x_416_coco.pdparams
norm_export:tools/export_model.py -c configs/picodet/more_config/picodet_shufflenetv2_1x_416_coco.yml -o
pact_export:tools/export_model.py -c configs/picodet/more_config/picodet_shufflenetv2_1x_416_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/picodet/more_config/picodet_shufflenetv2_1x_416_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/picodet/more_config/picodet_shufflenetv2_1x_416_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:ppyolo_mbv3_large_coco_FPGM
python:python3.7
filename:ppyolo_mbv3_large_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_mbv3_large_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml -o
quant_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/quant/ppyolo_mbv3_large_qat.yml -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/prune/ppyolo_mbv3_large_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/post_quant/ppyolo_mbv3_large_ptq.yml -o
##
opencv_dir:default
infer_mode:fpgm
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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================cpp_infer_params===========================
model_name:ppyolo_mbv3_large_coco_KL
python:python3.7
filename:ppyolo_mbv3_large_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_mbv3_large_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml -o
quant_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/quant/ppyolo_mbv3_large_qat.yml -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/prune/ppyolo_mbv3_large_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/post_quant/ppyolo_mbv3_large_ptq.yml -o
##
opencv_dir:default
infer_mode:kl_quant
infer_quant:True
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_int8
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_int8
--model_dir:
......
===========================cpp_infer_params===========================
model_name:ppyolo_mbv3_large_coco_PACT
python:python3.7
filename:ppyolo_mbv3_large_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_mbv3_large_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml -o
quant_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/quant/ppyolo_mbv3_large_qat.yml -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/prune/ppyolo_mbv3_large_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/post_quant/ppyolo_mbv3_large_ptq.yml -o
##
opencv_dir:default
infer_mode:pact
infer_quant:True
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_int8
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_int8
--model_dir:
......
===========================cpp_infer_params===========================
model_name:ppyolo_mbv3_large_coco
python:python3.7
filename:ppyolo_mbv3_large_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_mbv3_large_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml -o
quant_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/quant/ppyolo_mbv3_large_qat.yml -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/prune/ppyolo_mbv3_large_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/post_quant/ppyolo_mbv3_large_ptq.yml -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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:ppyolo_mbv3_large_coco
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=405
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=24
pretrain_weights:https://paddledet.bj.bcebos.com/models/ppyolo_mbv3_large_coco.pdparams
trained_model_name:ppyolo_mbv3_large_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml -o
pact_train:tools/train.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/quant/ppyolo_mbv3_large_qat.yml -o
fpgm_train:tools/train.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/prune/ppyolo_mbv3_large_prune_fpgm.yml -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_mbv3_large_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml -o
pact_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/quant/ppyolo_mbv3_large_qat.yml -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/prune/ppyolo_mbv3_large_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --slim_config configs/slim/post_quant/ppyolo_mbv3_large_ptq.yml -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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:ppyolo_mbv3_small_coco
python:python3.7
filename:ppyolo_mbv3_small_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_mbv3_small_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_small_coco.yml -o
quant_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_small_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_small_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_mbv3_small_coco.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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:ppyolo_mbv3_small_coco
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=270
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=32
pretrain_weights:https://paddledet.bj.bcebos.com/models/ppyolo_mbv3_small_coco.pdparams
trained_model_name:ppyolo_mbv3_small_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/ppyolo/ppyolo_mbv3_small_coco.yml -o
pact_train:tools/train.py -c configs/ppyolo/ppyolo_mbv3_small_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/ppyolo/ppyolo_mbv3_small_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/ppyolo/ppyolo_mbv3_small_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_mbv3_small_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_small_coco.yml -o
pact_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_small_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_small_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_mbv3_small_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:ppyolo_r18vd_coco
python:python3.7
filename:ppyolo_r18vd_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_r18vd_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_r18vd_coco.yml -o
quant_export:tools/export_model.py -c configs/ppyolo/ppyolo_r18vd_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_r18vd_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_r18vd_coco.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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:ppyolo_r18vd_coco
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=270
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=32
pretrain_weights:https://paddledet.bj.bcebos.com/models/ppyolo_r18vd_coco.pdparams
trained_model_name:ppyolo_r18vd_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/ppyolo/ppyolo_r18vd_coco.yml -o
pact_train:tools/train.py -c configs/ppyolo/ppyolo_r18vd_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/ppyolo/ppyolo_r18vd_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/ppyolo/ppyolo_r18vd_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_r18vd_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_r18vd_coco.yml -o
pact_export:tools/export_model.py -c configs/ppyolo/ppyolo_r18vd_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_r18vd_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_r18vd_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:ppyolo_r50vd_dcn_1x_coco_FPGM
python:python3.7
filename:ppyolo_r50vd_dcn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_r50vd_dcn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/quant/ppyolo_r50vd_qat_pact.yml -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/prune/ppyolo_r50vd_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/post_quant/ppyolo_r50vd_dcn_ptq.yml -o
##
opencv_dir:default
infer_mode:fpgm
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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================cpp_infer_params===========================
model_name:ppyolo_r50vd_dcn_1x_coco_KL
python:python3.7
filename:ppyolo_r50vd_dcn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_r50vd_dcn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/quant/ppyolo_r50vd_qat_pact.yml -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/prune/ppyolo_r50vd_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/post_quant/ppyolo_r50vd_dcn_ptq.yml -o
##
opencv_dir:default
infer_mode:kl_quant
infer_quant:True
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_int8
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_int8
--model_dir:
......
===========================cpp_infer_params===========================
model_name:ppyolo_r50vd_dcn_1x_coco_PACT
python:python3.7
filename:ppyolo_r50vd_dcn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_r50vd_dcn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/quant/ppyolo_r50vd_qat_pact.yml -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/prune/ppyolo_r50vd_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/post_quant/ppyolo_r50vd_dcn_ptq.yml -o
##
opencv_dir:default
infer_mode:pact
infer_quant:True
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_int8
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_int8
--model_dir:
......
===========================cpp_infer_params===========================
model_name:ppyolo_r50vd_dcn_1x_coco
python:python3.7
filename:ppyolo_r50vd_dcn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_r50vd_dcn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/quant/ppyolo_r50vd_qat_pact.yml -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/prune/ppyolo_r50vd_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/post_quant/ppyolo_r50vd_dcn_ptq.yml -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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:ppyolo_r50vd_dcn_1x_coco
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=405
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=24
pretrain_weights:https://paddledet.bj.bcebos.com/models/ppyolo_r50vd_dcn_1x_coco.pdparams
trained_model_name:ppyolo_r50vd_dcn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml -o
pact_train:tools/train.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/quant/ppyolo_r50vd_qat_pact.yml -o
fpgm_train:tools/train.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/prune/ppyolo_r50vd_prune_fpgm.yml -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_r50vd_dcn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/quant/ppyolo_r50vd_qat_pact.yml -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/prune/ppyolo_r50vd_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_r50vd_dcn_1x_coco.yml --slim_config configs/slim/post_quant/ppyolo_r50vd_dcn_ptq.yml -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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:ppyolo_tiny_650e_coco
python:python3.7
filename:ppyolo_tiny_650e_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_tiny_650e_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_tiny_650e_coco.yml -o
quant_export:tools/export_model.py -c configs/ppyolo/ppyolo_tiny_650e_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_tiny_650e_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_tiny_650e_coco.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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:ppyolo_tiny_650e_coco
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=650
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=32
pretrain_weights:https://paddledet.bj.bcebos.com/models/ppyolo_tiny_650e_coco.pdparams
trained_model_name:ppyolo_tiny_650e_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/ppyolo/ppyolo_tiny_650e_coco.yml -o
pact_train:tools/train.py -c configs/ppyolo/ppyolo_tiny_650e_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/ppyolo/ppyolo_tiny_650e_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/ppyolo/ppyolo_tiny_650e_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolo_tiny_650e_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_tiny_650e_coco.yml -o
pact_export:tools/export_model.py -c configs/ppyolo/ppyolo_tiny_650e_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolo_tiny_650e_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolo_tiny_650e_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:ppyolov2_r101vd_dcn_365e_coco
python:python3.7
filename:ppyolov2_r101vd_dcn_365e_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolov2_r101vd_dcn_365e_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolov2_r101vd_dcn_365e_coco.yml -o
quant_export:tools/export_model.py -c configs/ppyolo/ppyolov2_r101vd_dcn_365e_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolov2_r101vd_dcn_365e_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolov2_r101vd_dcn_365e_coco.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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:ppyolov2_r101vd_dcn_365e_coco
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=365
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=12
pretrain_weights:https://paddledet.bj.bcebos.com/models/ppyolov2_r101vd_dcn_365e_coco.pdparams
trained_model_name:ppyolov2_r101vd_dcn_365e_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/ppyolo/ppyolov2_r101vd_dcn_365e_coco.yml -o
pact_train:tools/train.py -c configs/ppyolo/ppyolov2_r101vd_dcn_365e_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/ppyolo/ppyolov2_r101vd_dcn_365e_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/ppyolo/ppyolov2_r101vd_dcn_365e_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolov2_r101vd_dcn_365e_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolov2_r101vd_dcn_365e_coco.yml -o
pact_export:tools/export_model.py -c configs/ppyolo/ppyolov2_r101vd_dcn_365e_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolov2_r101vd_dcn_365e_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolov2_r101vd_dcn_365e_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:ppyolov2_r50vd_dcn_365e_coco
python:python3.7
filename:ppyolov2_r50vd_dcn_365e_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolov2_r50vd_dcn_365e_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolov2_r50vd_dcn_365e_coco.yml -o
quant_export:tools/export_model.py -c configs/ppyolo/ppyolov2_r50vd_dcn_365e_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolov2_r50vd_dcn_365e_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolov2_r50vd_dcn_365e_coco.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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:ppyolov2_r50vd_dcn_365e_coco
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=365
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=12
pretrain_weights:https://paddledet.bj.bcebos.com/models/ppyolov2_r50vd_dcn_365e_coco.pdparams
trained_model_name:ppyolov2_r50vd_dcn_365e_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/ppyolo/ppyolov2_r50vd_dcn_365e_coco.yml -o
pact_train:tools/train.py -c configs/ppyolo/ppyolov2_r50vd_dcn_365e_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/ppyolo/ppyolov2_r50vd_dcn_365e_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/ppyolo/ppyolov2_r50vd_dcn_365e_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ppyolov2_r50vd_dcn_365e_coco.pdparams
norm_export:tools/export_model.py -c configs/ppyolo/ppyolov2_r50vd_dcn_365e_coco.yml -o
pact_export:tools/export_model.py -c configs/ppyolo/ppyolov2_r50vd_dcn_365e_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/ppyolo/ppyolov2_r50vd_dcn_365e_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ppyolo/ppyolov2_r50vd_dcn_365e_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:solov2_r101_vd_fpn_3x_coco
python:python3.7
filename:solov2_r101_vd_fpn_3x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/solov2_r101_vd_fpn_3x_coco.pdparams
norm_export:tools/export_model.py -c configs/solov2/solov2_r101_vd_fpn_3x_coco.yml -o
quant_export:tools/export_model.py -c configs/solov2/solov2_r101_vd_fpn_3x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/solov2/solov2_r101_vd_fpn_3x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/solov2/solov2_r101_vd_fpn_3x_coco.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
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:False
null:null
\ No newline at end of file
===========================train_params===========================
model_name:solov2_r101_vd_fpn_3x_coco
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=36
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=2
pretrain_weights:https://paddledet.bj.bcebos.com/models/solov2_r101_vd_fpn_3x_coco.pdparams
trained_model_name:solov2_r101_vd_fpn_3x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/solov2/solov2_r101_vd_fpn_3x_coco.yml -o
pact_train:tools/train.py -c configs/solov2/solov2_r101_vd_fpn_3x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/solov2/solov2_r101_vd_fpn_3x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/solov2/solov2_r101_vd_fpn_3x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/solov2_r101_vd_fpn_3x_coco.pdparams
norm_export:tools/export_model.py -c configs/solov2/solov2_r101_vd_fpn_3x_coco.yml -o
pact_export:tools/export_model.py -c configs/solov2/solov2_r101_vd_fpn_3x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/solov2/solov2_r101_vd_fpn_3x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/solov2/solov2_r101_vd_fpn_3x_coco.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
--use_tensorrt:null
--run_mode:fluid|trt_fp16
--model_dir:
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:False
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:solov2_r50_enhance_coco
python:python3.7
filename:solov2_r50_enhance_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/solov2_r50_enhance_coco.pdparams
norm_export:tools/export_model.py -c configs/solov2/solov2_r50_enhance_coco.yml -o
quant_export:tools/export_model.py -c configs/solov2/solov2_r50_enhance_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/solov2/solov2_r50_enhance_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/solov2/solov2_r50_enhance_coco.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
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:solov2_r50_enhance_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=2
pretrain_weights:https://paddledet.bj.bcebos.com/models/solov2_r50_enhance_coco.pdparams
trained_model_name:solov2_r50_enhance_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/solov2/solov2_r50_enhance_coco.yml -o
pact_train:tools/train.py -c configs/solov2/solov2_r50_enhance_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/solov2/solov2_r50_enhance_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/solov2/solov2_r50_enhance_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/solov2_r50_enhance_coco.pdparams
norm_export:tools/export_model.py -c configs/solov2/solov2_r50_enhance_coco.yml -o
pact_export:tools/export_model.py -c configs/solov2/solov2_r50_enhance_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/solov2/solov2_r50_enhance_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/solov2/solov2_r50_enhance_coco.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
--use_tensorrt:null
--run_mode:fluid|trt_fp16
--model_dir:
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:solov2_r50_fpn_1x_coco
python:python3.7
filename:solov2_r50_fpn_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/solov2_r50_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/solov2/solov2_r50_fpn_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/solov2/solov2_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/solov2/solov2_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/solov2/solov2_r50_fpn_1x_coco.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
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================train_params===========================
model_name:solov2_r50_fpn_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=2
pretrain_weights:https://paddledet.bj.bcebos.com/models/solov2_r50_fpn_1x_coco.pdparams
trained_model_name:solov2_r50_fpn_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/solov2/solov2_r50_fpn_1x_coco.yml -o
pact_train:tools/train.py -c configs/solov2/solov2_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/solov2/solov2_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/solov2/solov2_r50_fpn_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/solov2_r50_fpn_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/solov2/solov2_r50_fpn_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/solov2/solov2_r50_fpn_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/solov2/solov2_r50_fpn_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/solov2/solov2_r50_fpn_1x_coco.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
--use_tensorrt:null
--run_mode:fluid|trt_fp16
--model_dir:
--image_dir:./dataset/coco/test2017/
--save_log_path:null
--run_benchmark:True
--trt_max_shape:1600
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:ssdlite_mobilenet_v1_300_coco
python:python3.7
filename:ssdlite_mobilenet_v1_300_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ssdlite_mobilenet_v1_300_coco.pdparams
norm_export:tools/export_model.py -c configs/ssd/ssdlite_mobilenet_v1_300_coco.yml -o
quant_export:tools/export_model.py -c configs/ssd/ssdlite_mobilenet_v1_300_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/ssd/ssdlite_mobilenet_v1_300_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ssd/ssdlite_mobilenet_v1_300_coco.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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:ssdlite_mobilenet_v1_300_coco
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=1700
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/ssdlite_mobilenet_v1_300_coco.pdparams
trained_model_name:ssdlite_mobilenet_v1_300_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/ssd/ssdlite_mobilenet_v1_300_coco.yml -o
pact_train:tools/train.py -c configs/ssd/ssdlite_mobilenet_v1_300_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/ssd/ssdlite_mobilenet_v1_300_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/ssd/ssdlite_mobilenet_v1_300_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ssdlite_mobilenet_v1_300_coco.pdparams
norm_export:tools/export_model.py -c configs/ssd/ssdlite_mobilenet_v1_300_coco.yml -o
pact_export:tools/export_model.py -c configs/ssd/ssdlite_mobilenet_v1_300_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/ssd/ssdlite_mobilenet_v1_300_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ssd/ssdlite_mobilenet_v1_300_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:ttfnet_darknet53_1x_coco
python:python3.7
filename:ttfnet_darknet53_1x_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ttfnet_darknet53_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/ttfnet/ttfnet_darknet53_1x_coco.yml -o
quant_export:tools/export_model.py -c configs/ttfnet/ttfnet_darknet53_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/ttfnet/ttfnet_darknet53_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ttfnet/ttfnet_darknet53_1x_coco.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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:ttfnet_darknet53_1x_coco
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=2|lite_train_whole_infer=2|whole_train_whole_infer=12
pretrain_weights:https://paddledet.bj.bcebos.com/models/ttfnet_darknet53_1x_coco.pdparams
trained_model_name:ttfnet_darknet53_1x_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/ttfnet/ttfnet_darknet53_1x_coco.yml -o
pact_train:tools/train.py -c configs/ttfnet/ttfnet_darknet53_1x_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/ttfnet/ttfnet_darknet53_1x_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/ttfnet/ttfnet_darknet53_1x_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/ttfnet_darknet53_1x_coco.pdparams
norm_export:tools/export_model.py -c configs/ttfnet/ttfnet_darknet53_1x_coco.yml -o
pact_export:tools/export_model.py -c configs/ttfnet/ttfnet_darknet53_1x_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/ttfnet/ttfnet_darknet53_1x_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/ttfnet/ttfnet_darknet53_1x_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:yolov3_darknet53_270e_coco_FPGM
python:python3.7
filename:yolov3_darknet53_270e_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/yolov3_darknet53_270e_coco.pdparams
norm_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml -o
quant_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/quant/yolov3_darknet_qat.yml -o
fpgm_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/prune/yolov3_darknet_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/post_quant/yolov3_darknet53_ptq.yml -o
##
opencv_dir:default
infer_mode:fpgm
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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================cpp_infer_params===========================
model_name:yolov3_darknet53_270e_coco_KL
python:python3.7
filename:yolov3_darknet53_270e_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/yolov3_darknet53_270e_coco.pdparams
norm_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml -o
quant_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/quant/yolov3_darknet_qat.yml -o
fpgm_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/prune/yolov3_darknet_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/post_quant/yolov3_darknet53_ptq.yml -o
##
opencv_dir:default
infer_mode:kl_quant
infer_quant:True
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_int8
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_int8
--model_dir:
......
===========================cpp_infer_params===========================
model_name:yolov3_darknet53_270e_coco_PACT
python:python3.7
filename:yolov3_darknet53_270e_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/yolov3_darknet53_270e_coco.pdparams
norm_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml -o
quant_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/quant/yolov3_darknet_qat.yml -o
fpgm_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/prune/yolov3_darknet_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/post_quant/yolov3_darknet53_ptq.yml -o
##
opencv_dir:default
infer_mode:pact
infer_quant:True
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_int8
--model_dir:
--image_dir:./dataset/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_int8
--model_dir:
......
===========================cpp_infer_params===========================
model_name:yolov3_darknet53_270e_coco
python:python3.7
filename:yolov3_darknet53_270e_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/yolov3_darknet53_270e_coco.pdparams
norm_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml -o
quant_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/quant/yolov3_darknet_qat.yml -o
fpgm_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/prune/yolov3_darknet_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/post_quant/yolov3_darknet53_ptq.yml -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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:yolov3_darknet53_270e_coco
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=270
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/yolov3_darknet53_270e_coco.pdparams
trained_model_name:yolov3_darknet53_270e_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml -o
pact_train:tools/train.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/quant/yolov3_darknet_qat.yml -o
fpgm_train:tools/train.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/prune/yolov3_darknet_prune_fpgm.yml -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/yolov3_darknet53_270e_coco.pdparams
norm_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml -o
pact_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/quant/yolov3_darknet_qat.yml -o
fpgm_export:tools/export_model.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/prune/yolov3_darknet_prune_fpgm.yml -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/post_quant/yolov3_darknet53_ptq.yml -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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:yolov3_mobilenet_v1_270e_coco
python:python3.7
filename:yolov3_mobilenet_v1_270e_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/yolov3_mobilenet_v1_270e_coco.pdparams
norm_export:tools/export_model.py -c configs/yolov3/yolov3_mobilenet_v1_270e_coco.yml -o
quant_export:tools/export_model.py -c configs/yolov3/yolov3_mobilenet_v1_270e_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/yolov3/yolov3_mobilenet_v1_270e_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/yolov3/yolov3_mobilenet_v1_270e_coco.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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:yolov3_mobilenet_v1_270e_coco
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=270
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/yolov3_mobilenet_v1_270e_coco.pdparams
trained_model_name:yolov3_mobilenet_v1_270e_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/yolov3/yolov3_mobilenet_v1_270e_coco.yml -o
pact_train:tools/train.py -c configs/yolov3/yolov3_mobilenet_v1_270e_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/yolov3/yolov3_mobilenet_v1_270e_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/yolov3/yolov3_mobilenet_v1_270e_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/yolov3_mobilenet_v1_270e_coco.pdparams
norm_export:tools/export_model.py -c configs/yolov3/yolov3_mobilenet_v1_270e_coco.yml -o
pact_export:tools/export_model.py -c configs/yolov3/yolov3_mobilenet_v1_270e_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/yolov3/yolov3_mobilenet_v1_270e_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/yolov3/yolov3_mobilenet_v1_270e_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:yolov3_mobilenet_v3_large_270e_coco
python:python3.7
filename:yolov3_mobilenet_v3_large_270e_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/yolov3_mobilenet_v3_large_270e_coco.pdparams
norm_export:tools/export_model.py -c configs/yolov3/yolov3_mobilenet_v3_large_270e_coco.yml -o
quant_export:tools/export_model.py -c configs/yolov3/yolov3_mobilenet_v3_large_270e_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/yolov3/yolov3_mobilenet_v3_large_270e_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/yolov3/yolov3_mobilenet_v3_large_270e_coco.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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:yolov3_mobilenet_v3_large_270e_coco
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=270
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/yolov3_mobilenet_v3_large_270e_coco.pdparams
trained_model_name:yolov3_mobilenet_v3_large_270e_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/yolov3/yolov3_mobilenet_v3_large_270e_coco.yml -o
pact_train:tools/train.py -c configs/yolov3/yolov3_mobilenet_v3_large_270e_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/yolov3/yolov3_mobilenet_v3_large_270e_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/yolov3/yolov3_mobilenet_v3_large_270e_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/yolov3_mobilenet_v3_large_270e_coco.pdparams
norm_export:tools/export_model.py -c configs/yolov3/yolov3_mobilenet_v3_large_270e_coco.yml -o
pact_export:tools/export_model.py -c configs/yolov3/yolov3_mobilenet_v3_large_270e_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/yolov3/yolov3_mobilenet_v3_large_270e_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/yolov3/yolov3_mobilenet_v3_large_270e_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:yolov3_r34_270e_coco
python:python3.7
filename:yolov3_r34_270e_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/yolov3_r34_270e_coco.pdparams
norm_export:tools/export_model.py -c configs/yolov3/yolov3_r34_270e_coco.yml -o
quant_export:tools/export_model.py -c configs/yolov3/yolov3_r34_270e_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/yolov3/yolov3_r34_270e_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/yolov3/yolov3_r34_270e_coco.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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:yolov3_r34_270e_coco
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=270
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/yolov3_r34_270e_coco.pdparams
trained_model_name:yolov3_r34_270e_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/yolov3/yolov3_r34_270e_coco.yml -o
pact_train:tools/train.py -c configs/yolov3/yolov3_r34_270e_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/yolov3/yolov3_r34_270e_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/yolov3/yolov3_r34_270e_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/yolov3_r34_270e_coco.pdparams
norm_export:tools/export_model.py -c configs/yolov3/yolov3_r34_270e_coco.yml -o
pact_export:tools/export_model.py -c configs/yolov3/yolov3_r34_270e_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/yolov3/yolov3_r34_270e_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/yolov3/yolov3_r34_270e_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================cpp_infer_params===========================
model_name:yolov3_r50vd_dcn_270e_coco
python:python3.7
filename:yolov3_r50vd_dcn_270e_coco
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/yolov3_r50vd_dcn_270e_coco.pdparams
norm_export:tools/export_model.py -c configs/yolov3/yolov3_r50vd_dcn_270e_coco.yml -o
quant_export:tools/export_model.py -c configs/yolov3/yolov3_r50vd_dcn_270e_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/yolov3/yolov3_r50vd_dcn_270e_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/yolov3/yolov3_r50vd_dcn_270e_coco.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/coco/test2017/
--run_benchmark:True
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|2
--use_tensorrt:null
--run_mode:fluid|trt_fp32|trt_fp16
--model_dir:
......
===========================train_params===========================
model_name:yolov3_r50vd_dcn_270e_coco
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=270
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/yolov3_r50vd_dcn_270e_coco.pdparams
trained_model_name:yolov3_r50vd_dcn_270e_coco/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/yolov3/yolov3_r50vd_dcn_270e_coco.yml -o
pact_train:tools/train.py -c configs/yolov3/yolov3_r50vd_dcn_270e_coco.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/yolov3/yolov3_r50vd_dcn_270e_coco.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/yolov3/yolov3_r50vd_dcn_270e_coco.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/yolov3_r50vd_dcn_270e_coco.pdparams
norm_export:tools/export_model.py -c configs/yolov3/yolov3_r50vd_dcn_270e_coco.yml -o
pact_export:tools/export_model.py -c configs/yolov3/yolov3_r50vd_dcn_270e_coco.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/yolov3/yolov3_r50vd_dcn_270e_coco.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/yolov3/yolov3_r50vd_dcn_270e_coco.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
import os
import sys
import json
import copy
def json_load(file_path):
with open(file_path) as f:
out_list = json.load(f)
return out_list
def json_save(out_list, file_path):
with open(file_path, 'w') as f:
json.dump(out_list, f, indent=4)
def txt_load(file_path):
with open(file_path) as f:
out_list = f.readlines()
return out_list
def txt_save(out_list, file_path):
with open(file_path, 'w') as f:
f.writelines(out_list)
def replace_keyword_(out_list, key, value):
for i, line in enumerate(out_list):
out_list[i] = line.replace(key, value)
def replace_one_line_(out_list, key, new_str):
for i, line in enumerate(out_list):
temp = line.split(':')[0]
if key == temp:
out_list[i] = temp + ':' + new_str + '\n'
break
def replace_one_line_keyword_(out_list, key, old_str, new_str):
for i, line in enumerate(out_list):
temp = line.split(':')[0]
if key == temp:
out_list[i] = line.replace(old_str, new_str)
break
def save_model_params(template_config,
configs_dir,
model,
postfix="train_infer_python.txt",
slim=None,
overwrite=False):
out_config = copy.deepcopy(template_config)
model = copy.deepcopy(model)
# replace _template_model
_template_model = model[2].get("config_dir", model[0])
replace_keyword_(out_config, "_template_model", _template_model)
# replace pretrain_weights or weights
if "weights_dir" in model[2].keys():
_template_weights = model[2]["weights_dir"] + model[1]
replace_one_line_keyword_(out_config, "pretrain_weights",
"_template_name", _template_weights)
replace_one_line_keyword_(out_config, "weights", "_template_name",
_template_weights)
# replace _template_name
replace_keyword_(out_config, "_template_name", model[1])
# replace _template_epoch
replace_keyword_(out_config, f"_template_epoch", str(model[2]['epoch']))
# replace _template_batch_size
replace_keyword_(out_config, f"_template_batch_size",
str(model[2]['batch_size']))
# replace _template_slim
for slim_mode, slim_yml in model[2]["slim"].items():
replace_keyword_(out_config, f"_template_{slim_mode}", slim_yml)
if slim is not None:
# replace model_name
model[1] = model[1] + '_' + slim.split('_')[0].upper()
replace_one_line_(out_config, 'model_name', model[1])
# replace trainer, infer_mode, infer_quant, run_mode
if slim == 'kl_quant':
replace_one_line_(out_config, 'trainer', 'null')
else:
replace_one_line_(out_config, 'trainer', f'{slim}_train')
replace_one_line_(out_config, 'infer_mode', slim)
if slim == 'pact' or slim == 'kl_quant':
replace_one_line_(out_config, 'infer_quant', 'True')
replace_one_line_(out_config, '--run_mode', 'fluid|trt_int8')
if os.path.exists(os.path.join(configs_dir,
f"{model[1]}_{postfix}")) and not overwrite:
return out_config
txt_save(out_config, os.path.join(configs_dir, f"{model[1]}_{postfix}"))
print(f'save {model[1]}_{postfix} done. ')
return out_config
def generate_tipc_configs(
configs_dir,
model_configs,
template_dir,
template_file_name=(
"train_infer_python.txt",
"train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt",
"model_linux_gpu_normal_normal_infer_cpp_linux_gpu_cpu.txt")):
count_model = 0
base_template = txt_load(os.path.join(template_dir, template_file_name[0]))
base_amp_template = txt_load(
os.path.join(template_dir, template_file_name[1]))
cpp_template = txt_load(os.path.join(template_dir, template_file_name[2]))
for model_group, model_list in model_configs.items():
count_model += len(model_list)
print(f"build {model_group}...")
model_config_dir = os.path.join(configs_dir, model_group)
if not os.path.exists(model_config_dir):
os.makedirs(model_config_dir)
for model_name, model_info in model_list.items():
print(f"build {model_name} configs...")
model_ = [model_group, model_name, model_info]
# save base python params
save_model_params(base_template, model_config_dir, model_)
# save base amp python params
save_model_params(
base_amp_template,
model_config_dir,
model_,
postfix=template_file_name[1])
# save cpp params
save_model_params(
cpp_template,
model_config_dir,
model_,
postfix=template_file_name[2])
# save slim python params
count_model += len(model_info["slim"])
for slim_mode, slim_yml in model_info["slim"].items():
# save base python params
save_model_params(
base_template,
model_config_dir,
model_,
postfix=template_file_name[0],
slim=slim_mode)
# save slim cpp params
save_model_params(
cpp_template,
model_config_dir,
model_,
postfix=template_file_name[2],
slim=slim_mode)
return count_model
if __name__ == '__main__':
utils_path = os.path.split(os.path.realpath(sys.argv[0]))[0]
tipc_path = os.path.split(utils_path)[0]
model_configs = json_load(os.path.join(utils_path, "model_configs.json"))
configs_dir = os.path.join(tipc_path, "configs")
if not os.path.exists(configs_dir):
os.makedirs(configs_dir)
count_model = generate_tipc_configs(configs_dir, model_configs,
os.path.join(utils_path, "template"))
print(f'num_total_models: {count_model}')
print('Done!')
===========================cpp_infer_params===========================
model_name:_template_name
python:python3.7
filename:_template_name
##
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/_template_name.pdparams
norm_export:tools/export_model.py -c configs/_template_model/_template_name.yml -o
quant_export:tools/export_model.py -c configs/_template_model/_template_name.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/_template_model/_template_name.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/_template_model/_template_name.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/coco/test2017/
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:_template_name
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=_template_epoch
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=_template_batch_size
pretrain_weights:https://paddledet.bj.bcebos.com/models/_template_name.pdparams
trained_model_name:model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/_template_model/_template_name.yml -o
pact_train:tools/train.py -c configs/_template_model/_template_name.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/_template_model/_template_name.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/_template_model/_template_name.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/_template_name.pdparams
norm_export:tools/export_model.py -c configs/_template_model/_template_name.yml -o
pact_export:tools/export_model.py -c configs/_template_model/_template_name.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/_template_model/_template_name.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/_template_model/_template_name.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
===========================train_params===========================
model_name:_template_name
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=_template_epoch
save_dir:null
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=_template_batch_size
pretrain_weights:https://paddledet.bj.bcebos.com/models/_template_name.pdparams
trained_model_name:_template_name/model_final.pdparams
train_infer_img_dir:./dataset/coco/test2017/
filename:null
##
trainer:norm_train
norm_train:tools/train.py -c configs/_template_model/_template_name.yml -o
pact_train:tools/train.py -c configs/_template_model/_template_name.yml --slim_config _template_pact -o
fpgm_train:tools/train.py -c configs/_template_model/_template_name.yml --slim_config _template_fpgm -o
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/_template_model/_template_name.yml -o
null:null
##
===========================infer_params===========================
--output_dir:./output_inference
weights:https://paddledet.bj.bcebos.com/models/_template_name.pdparams
norm_export:tools/export_model.py -c configs/_template_model/_template_name.yml -o
pact_export:tools/export_model.py -c configs/_template_model/_template_name.yml --slim_config _template_pact -o
fpgm_export:tools/export_model.py -c configs/_template_model/_template_name.yml --slim_config _template_fpgm -o
distill_export:null
export1:null
export2:null
kl_quant_export:tools/post_quant.py -c configs/_template_model/_template_name.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/coco/test2017/
--save_log_path:null
--run_benchmark:True
null:null
\ No newline at end of file
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册