更换文档检测模型
This commit is contained in:
@@ -0,0 +1,53 @@
|
||||
===========================train_params===========================
|
||||
model_name:cascade_mask_rcnn_r50_fpn_1x_coco
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=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: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
|
||||
export_onnx: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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x800x1344.npy
|
||||
@@ -0,0 +1,53 @@
|
||||
===========================train_params===========================
|
||||
model_name:cascade_rcnn_r50_fpn_1x_coco
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=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: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
|
||||
export_onnx: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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x800x1344.npy
|
||||
@@ -0,0 +1,58 @@
|
||||
===========================train_params===========================
|
||||
model_name:deformable_detr_r50_1x_coco
|
||||
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=50
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=1|lite_train_whole_infer=2|whole_train_whole_infer=2
|
||||
pretrain_weights:https://paddledet.bj.bcebos.com/models/deformable_detr_r50_1x_coco.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/deformable_detr/deformable_detr_r50_1x_coco.yml -o
|
||||
pact_train:tools/train.py -c configs/deformable_detr/deformable_detr_r50_1x_coco.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/deformable_detr/deformable_detr_r50_1x_coco.yml --slim_config _template_fpgm -o
|
||||
distill_train:null
|
||||
null:null
|
||||
null:null
|
||||
##
|
||||
===========================eval_params===========================
|
||||
eval:tools/eval.py -c configs/deformable_detr/deformable_detr_r50_1x_coco.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/deformable_detr_r50_1x_coco.pdparams
|
||||
norm_export:tools/export_model.py -c configs/deformable_detr/deformable_detr_r50_1x_coco.yml -o
|
||||
pact_export:tools/export_model.py -c configs/deformable_detr/deformable_detr_r50_1x_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/deformable_detr/deformable_detr_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/deformable_detr/deformable_detr_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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:2
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:1
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================train_params===========================
|
||||
model_name:detr_r50_1x_coco
|
||||
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=50
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=1|lite_train_whole_infer=2|whole_train_whole_infer=2
|
||||
pretrain_weights:https://paddledet.bj.bcebos.com/models/detr_r50_1x_coco.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/detr/detr_r50_1x_coco.yml -o
|
||||
pact_train:tools/train.py -c configs/detr/detr_r50_1x_coco.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/detr/detr_r50_1x_coco.yml --slim_config _template_fpgm -o
|
||||
distill_train:null
|
||||
null:null
|
||||
null:null
|
||||
##
|
||||
===========================eval_params===========================
|
||||
eval:tools/eval.py -c configs/detr/detr_r50_1x_coco.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/detr_r50_1x_coco.pdparams
|
||||
norm_export:tools/export_model.py -c configs/detr/detr_r50_1x_coco.yml -o
|
||||
pact_export:tools/export_model.py -c configs/detr/detr_r50_1x_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/detr/detr_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/detr/detr_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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:dino_r50_4scale_1x_coco
|
||||
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=300
|
||||
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/pretrained/ResNet50_cos_pretrained.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/dino/dino_r50_4scale_1x_coco.yml -o worker_num=32
|
||||
pact_train:tools/train.py -c configs/dino/dino_r50_4scale_1x_coco.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/dino/dino_r50_4scale_1x_coco.yml --slim_config _template_fpgm -o
|
||||
distill_train:null
|
||||
null:null
|
||||
null:null
|
||||
##
|
||||
===========================eval_params===========================
|
||||
eval:tools/eval.py -c configs/dino/dino_r50_4scale_1x_coco.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/dino_r50_4scale_1x_coco.pdparams
|
||||
norm_export:tools/export_model.py -c configs/dino/dino_r50_4scale_1x_coco.yml -o
|
||||
pact_export:tools/export_model.py -c configs/dino/dino_r50_4scale_1x_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/dino/dino_r50_4scale_1x_coco.yml --slim_config _template_fpgm -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/dino/dino_r50_4scale_1x_coco.yml --slim_config configs/slim/post_quant/yolov3_darknet53_ptq.yml -o
|
||||
##
|
||||
infer_mode:norm|kl_quant
|
||||
infer_quant:False|True
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:2
|
||||
fp_items:fp32|amp
|
||||
epoch:1
|
||||
repeat:1
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x640x640_2.npy
|
||||
@@ -0,0 +1,53 @@
|
||||
===========================train_params===========================
|
||||
model_name:blazeface_1000e
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=1000
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=8
|
||||
pretrain_weights:https://paddledet.bj.bcebos.com/models/blazeface_1000e.pdparams
|
||||
trained_model_name:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/wider_face/WIDER_val/images/0--Parade/
|
||||
filename:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c configs/face_detection/blazeface_1000e.yml -o
|
||||
pact_train:tools/train.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_fpgm -o
|
||||
distill_train:null
|
||||
null:null
|
||||
null:null
|
||||
##
|
||||
===========================eval_params===========================
|
||||
eval:tools/eval.py -c configs/face_detection/blazeface_1000e.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/blazeface_1000e.pdparams
|
||||
norm_export:tools/export_model.py -c configs/face_detection/blazeface_1000e.yml -o
|
||||
pact_export:tools/export_model.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_fpgm -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/face_detection/blazeface_1000e.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/wider_face/WIDER_val/images/0--Parade/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x800x1344.npy
|
||||
@@ -0,0 +1,53 @@
|
||||
===========================train_params===========================
|
||||
model_name:faster_rcnn_r50_1x_coco
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=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: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
|
||||
export_onnx: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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x800x1344.npy
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:faster_rcnn_r50_fpn_1x_coco
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=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: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
|
||||
export_onnx: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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:2|8
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:3
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x800x1344.npy
|
||||
@@ -0,0 +1,53 @@
|
||||
===========================train_params===========================
|
||||
model_name:faster_rcnn_swin_tiny_fpn_1x_coco
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=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: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
|
||||
export_onnx: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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x640x640.npy
|
||||
@@ -0,0 +1,62 @@
|
||||
===========================train_params===========================
|
||||
model_name:fcos_r50_fpn_1x_coco
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=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: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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:2|8
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:1
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x800x1344_2.npy
|
||||
===========================to_static_train_benchmark_params===========================
|
||||
to_static_train:--to_static
|
||||
@@ -0,0 +1,58 @@
|
||||
===========================train_params===========================
|
||||
model_name:gfl_r50_fpn_1x_coco
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=2
|
||||
pretrain_weights:https://paddledet.bj.bcebos.com/models/gfl_r50_fpn_1x_coco.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/gfl/gfl_r50_fpn_1x_coco.yml -o
|
||||
pact_train:tools/train.py -c configs/gfl/gfl_r50_fpn_1x_coco.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/gfl/gfl_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/gfl/gfl_r50_fpn_1x_coco.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/gfl_r50_fpn_1x_coco.pdparams
|
||||
norm_export:tools/export_model.py -c configs/gfl/gfl_r50_fpn_1x_coco.yml -o
|
||||
pact_export:tools/export_model.py -c configs/gfl/gfl_r50_fpn_1x_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/gfl/gfl_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/gfl/gfl_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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:2|8
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:3
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
@@ -0,0 +1,53 @@
|
||||
===========================train_params===========================
|
||||
model_name:dark_hrnet_w32_256x192
|
||||
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=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: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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================infer_benchmark_params===========================
|
||||
random_infer_input:[{float32,[3,256,192]}]
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:higherhrnet_hrnet_w32_512
|
||||
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=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: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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:20|24
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:1
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
random_infer_input:[{float32,[3,512,512]}]
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:hrnet_w32_256x192
|
||||
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=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: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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:64|160
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:1
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
random_infer_input:[{float32,[3,256,192]}]
|
||||
147
paddle_detection/test_tipc/configs/keypoint/tinypose_128x96.yml
Normal file
147
paddle_detection/test_tipc/configs/keypoint/tinypose_128x96.yml
Normal file
@@ -0,0 +1,147 @@
|
||||
use_gpu: true
|
||||
log_iter: 5
|
||||
save_dir: output
|
||||
snapshot_epoch: 10
|
||||
weights: output/tinypose_128x96/model_final
|
||||
epoch: 420
|
||||
num_joints: &num_joints 17
|
||||
pixel_std: &pixel_std 200
|
||||
metric: KeyPointTopDownCOCOEval
|
||||
num_classes: 1
|
||||
train_height: &train_height 128
|
||||
train_width: &train_width 96
|
||||
trainsize: &trainsize [*train_width, *train_height]
|
||||
hmsize: &hmsize [24, 32]
|
||||
flip_perm: &flip_perm [[1, 2], [3, 4], [5, 6], [7, 8], [9, 10], [11, 12], [13, 14], [15, 16]]
|
||||
|
||||
|
||||
#####model
|
||||
architecture: TopDownHRNet
|
||||
|
||||
TopDownHRNet:
|
||||
backbone: LiteHRNet
|
||||
post_process: HRNetPostProcess
|
||||
flip_perm: *flip_perm
|
||||
num_joints: *num_joints
|
||||
width: &width 40
|
||||
loss: KeyPointMSELoss
|
||||
use_dark: true
|
||||
|
||||
LiteHRNet:
|
||||
network_type: wider_naive
|
||||
freeze_at: -1
|
||||
freeze_norm: false
|
||||
return_idx: [0]
|
||||
|
||||
KeyPointMSELoss:
|
||||
use_target_weight: true
|
||||
loss_scale: 1.0
|
||||
|
||||
#####optimizer
|
||||
LearningRate:
|
||||
base_lr: 0.008
|
||||
schedulers:
|
||||
- !PiecewiseDecay
|
||||
milestones: [380, 410]
|
||||
gamma: 0.1
|
||||
- !LinearWarmup
|
||||
start_factor: 0.001
|
||||
steps: 500
|
||||
|
||||
OptimizerBuilder:
|
||||
optimizer:
|
||||
type: Adam
|
||||
regularizer:
|
||||
factor: 0.0
|
||||
type: L2
|
||||
|
||||
|
||||
#####data
|
||||
TrainDataset:
|
||||
!KeypointTopDownCocoDataset
|
||||
image_dir: train2017
|
||||
anno_path: annotations/person_keypoints_train2017.json
|
||||
dataset_dir: dataset/coco
|
||||
num_joints: *num_joints
|
||||
trainsize: *trainsize
|
||||
pixel_std: *pixel_std
|
||||
use_gt_bbox: True
|
||||
|
||||
|
||||
EvalDataset:
|
||||
!KeypointTopDownCocoDataset
|
||||
image_dir: val2017
|
||||
anno_path: annotations/person_keypoints_val2017.json
|
||||
dataset_dir: dataset/coco
|
||||
num_joints: *num_joints
|
||||
trainsize: *trainsize
|
||||
pixel_std: *pixel_std
|
||||
use_gt_bbox: True
|
||||
image_thre: 0.5
|
||||
|
||||
TestDataset:
|
||||
!ImageFolder
|
||||
anno_path: dataset/coco/keypoint_imagelist.txt
|
||||
|
||||
worker_num: 16
|
||||
global_mean: &global_mean [0.485, 0.456, 0.406]
|
||||
global_std: &global_std [0.229, 0.224, 0.225]
|
||||
TrainReader:
|
||||
sample_transforms:
|
||||
# - RandomFlipHalfBodyTransform:
|
||||
# scale: 0.25
|
||||
# rot: 30
|
||||
# num_joints_half_body: 8
|
||||
# prob_half_body: 0.3
|
||||
# pixel_std: *pixel_std
|
||||
# trainsize: *trainsize
|
||||
# upper_body_ids: [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10]
|
||||
# flip_pairs: *flip_perm
|
||||
# - AugmentationbyInformantionDropping:
|
||||
# prob_cutout: 0.5
|
||||
# offset_factor: 0.05
|
||||
# num_patch: 1
|
||||
# trainsize: *trainsize
|
||||
- TopDownAffine:
|
||||
trainsize: *trainsize
|
||||
use_udp: true
|
||||
- ToHeatmapsTopDown_DARK:
|
||||
hmsize: *hmsize
|
||||
sigma: 1
|
||||
batch_transforms:
|
||||
- NormalizeImage:
|
||||
mean: *global_mean
|
||||
std: *global_std
|
||||
is_scale: true
|
||||
- Permute: {}
|
||||
batch_size: 512
|
||||
shuffle: true
|
||||
drop_last: false
|
||||
|
||||
EvalReader:
|
||||
sample_transforms:
|
||||
- TopDownAffine:
|
||||
trainsize: *trainsize
|
||||
use_udp: true
|
||||
batch_transforms:
|
||||
- NormalizeImage:
|
||||
mean: *global_mean
|
||||
std: *global_std
|
||||
is_scale: true
|
||||
- Permute: {}
|
||||
batch_size: 16
|
||||
|
||||
TestReader:
|
||||
inputs_def:
|
||||
image_shape: [3, *train_height, *train_width]
|
||||
sample_transforms:
|
||||
- Decode: {}
|
||||
- TopDownEvalAffine:
|
||||
trainsize: *trainsize
|
||||
- NormalizeImage:
|
||||
mean: *global_mean
|
||||
std: *global_std
|
||||
is_scale: true
|
||||
- Permute: {}
|
||||
batch_size: 1
|
||||
fuse_normalize: false
|
||||
@@ -0,0 +1,29 @@
|
||||
===========================cpp_infer_params===========================
|
||||
model_name:tinypose_128x96_KL
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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:null
|
||||
infer_quant:True
|
||||
inference:./deploy/cpp/build/main
|
||||
--device:gpu|cpu
|
||||
--use_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir_keypoint:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
--model_dir:./output_inference/picodet_s_320_pedestrian
|
||||
@@ -0,0 +1,26 @@
|
||||
===========================serving_infer_cpp_params===========================
|
||||
model_name:tinypose_128x96_KL
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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 --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_pact --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_fpgm --export_serving_model True -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 configs/slim/post_quant/tinypose_128x96_ptq.yml --export_serving_model True -o
|
||||
##
|
||||
infer_mode:null
|
||||
infer_quant:True
|
||||
--model:null
|
||||
--op:tinypose_128x96
|
||||
--port:9997
|
||||
--gpu_ids:null|0
|
||||
null:null
|
||||
http_client:deploy/serving/cpp/serving_client.py
|
||||
--serving_client:null
|
||||
--image_file:./demo/hrnet_demo.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,24 @@
|
||||
===========================serving_infer_python_params===========================
|
||||
model_name:tinypose_128x96_KL
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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 --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_pact --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_fpgm --export_serving_model True -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 configs/slim/post_quant/tinypose_128x96_ptq.yml --export_serving_model True -o
|
||||
##
|
||||
infer_mode:null
|
||||
infer_quant:True
|
||||
web_service:deploy/serving/python/web_service.py --config=deploy/serving/python/config.yml
|
||||
--model_dir:null
|
||||
--opt:cpu:op.ppdet.local_service_conf.device_type=0|gpu:op.ppdet.local_service_conf.device_type=1
|
||||
null:null
|
||||
http_client:deploy/serving/python/pipeline_http_client.py
|
||||
--image_file:./demo/hrnet_demo.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,29 @@
|
||||
===========================cpp_infer_params===========================
|
||||
model_name:tinypose_128x96_PACT
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://bj.bcebos.com/v1/paddledet/data/tipc/models/tinypose_128x96_qat.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 configs/slim/quant/tinypose_qat.yml -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:quant
|
||||
infer_quant:True
|
||||
inference:./deploy/cpp/build/main
|
||||
--device:gpu|cpu
|
||||
--use_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir_keypoint:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
--model_dir:./output_inference/picodet_s_320_pedestrian
|
||||
@@ -0,0 +1,26 @@
|
||||
===========================serving_infer_cpp_params===========================
|
||||
model_name:tinypose_128x96_PACT
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://bj.bcebos.com/v1/paddledet/data/tipc/models/tinypose_128x96_qat.pdparams
|
||||
norm_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config configs/slim/quant/tinypose_qat.yml --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_fpgm --export_serving_model True -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 configs/slim/post_quant/tinypose_128x96_ptq.yml --export_serving_model True -o
|
||||
##
|
||||
infer_mode:quant
|
||||
infer_quant:True
|
||||
--model:null
|
||||
--op:tinypose_128x96
|
||||
--port:9997
|
||||
--gpu_ids:null|0
|
||||
null:null
|
||||
http_client:deploy/serving/cpp/serving_client.py
|
||||
--serving_client:null
|
||||
--image_file:./demo/hrnet_demo.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,24 @@
|
||||
===========================serving_infer_python_params===========================
|
||||
model_name:tinypose_128x96_PACT
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://bj.bcebos.com/v1/paddledet/data/tipc/models/tinypose_128x96_qat.pdparams
|
||||
norm_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config configs/slim/quant/tinypose_qat.yml --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_fpgm --export_serving_model True -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 configs/slim/post_quant/tinypose_128x96_ptq.yml --export_serving_model True -o
|
||||
##
|
||||
infer_mode:quant
|
||||
infer_quant:True
|
||||
web_service:deploy/serving/python/web_service.py --config=deploy/serving/python/config.yml
|
||||
--model_dir:null
|
||||
--opt:cpu:op.ppdet.local_service_conf.device_type=0|gpu:op.ppdet.local_service_conf.device_type=1
|
||||
null:null
|
||||
http_client:deploy/serving/python/pipeline_http_client.py
|
||||
--image_file:./demo/hrnet_demo.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,29 @@
|
||||
===========================cpp_infer_params===========================
|
||||
model_name:tinypose_128x96
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir_keypoint:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
--model_dir:./output_inference/picodet_s_320_pedestrian
|
||||
@@ -0,0 +1,30 @@
|
||||
===========================paddle2onnx_params===========================
|
||||
model_name:tinypose_128x96
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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
|
||||
export_param:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/keypoint/tiny_pose/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/post_quant/tinypose_128x96_ptq.yml -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
cmd:paddle2onnx
|
||||
--model_dir:null
|
||||
--model_filename:model.pdmodel
|
||||
--params_filename:model.pdiparams
|
||||
--save_file:model.onnx
|
||||
--opset_version:11
|
||||
--enable_onnx_checker:True
|
||||
paddle2onnx_param1:null
|
||||
infer_py:./deploy/third_engine/onnx/infer.py
|
||||
--infer_cfg:null
|
||||
--onnx_file:null
|
||||
--image_file:./demo/hrnet_demo.jpg
|
||||
infer_param1:null
|
||||
@@ -0,0 +1,26 @@
|
||||
===========================serving_infer_cpp_params===========================
|
||||
model_name:tinypose_128x96
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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 --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_pact --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_fpgm --export_serving_model True -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 configs/slim/post_quant/tinypose_128x96_ptq.yml --export_serving_model True -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
--model:null
|
||||
--op:tinypose_128x96
|
||||
--port:9997
|
||||
--gpu_ids:null|0
|
||||
null:null
|
||||
http_client:deploy/serving/cpp/serving_client.py
|
||||
--serving_client:null
|
||||
--image_file:./demo/hrnet_demo.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,24 @@
|
||||
===========================serving_infer_python_params===========================
|
||||
model_name:tinypose_128x96
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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 --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_pact --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config _template_fpgm --export_serving_model True -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 configs/slim/post_quant/tinypose_128x96_ptq.yml --export_serving_model True -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
web_service:deploy/serving/python/web_service.py --config=deploy/serving/python/config.yml
|
||||
--model_dir:null
|
||||
--opt:cpu:op.ppdet.local_service_conf.device_type=0|gpu:op.ppdet.local_service_conf.device_type=1
|
||||
null:null
|
||||
http_client:deploy/serving/python/pipeline_http_client.py
|
||||
--image_file:./demo/hrnet_demo.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,62 @@
|
||||
===========================train_params===========================
|
||||
model_name:tinypose_128x96
|
||||
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=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: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 configs/slim/post_quant/tinypose_128x96_ptq.yml -o
|
||||
##
|
||||
infer_mode:norm|kl_quant
|
||||
infer_quant:False|True
|
||||
inference:./deploy/python/keypoint_infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:512
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:1
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
random_infer_input:[{float32,[3,128,96]}]
|
||||
===========================to_static_train_benchmark_params===========================
|
||||
to_static_train:--to_static
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================train_params===========================
|
||||
model_name:tinypose_128x96
|
||||
python:python3.7
|
||||
gpu_list:192.168.0.1,192.168.0.2;0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
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: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 configs/slim/post_quant/tinypose_128x96_ptq.yml -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
inference:./deploy/python/keypoint_infer.py
|
||||
--device:cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================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:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
null: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 configs/keypoint/tiny_pose/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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================train_params===========================
|
||||
model_name:tinypose_128x96
|
||||
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=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:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
filename:null
|
||||
##
|
||||
trainer:pact_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 configs/slim/quant/yolov3_mobilenet_v3_qat.yml -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 configs/slim/quant/yolov3_mobilenet_v3_qat.yml -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 configs/slim/post_quant/tinypose_128x96_ptq.yml -o
|
||||
##
|
||||
infer_mode:pact
|
||||
infer_quant:True
|
||||
inference:./deploy/python/keypoint_infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:null
|
||||
@@ -0,0 +1,20 @@
|
||||
===========================ptq_params===========================
|
||||
model_name:tinypose_128x96
|
||||
python:python3.7
|
||||
filename:
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/keypoint/tinypose_128x96.pdparams
|
||||
kl_quant_export:tools/post_quant.py -c test_tipc/configs/keypoint/tinypose_128x96.yml --slim_config configs/slim/post_quant/tinypose_128x96_ptq.yml -o
|
||||
export_param1:null
|
||||
##
|
||||
inference:./deploy/python/keypoint_infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:mask_rcnn_r50_1x_coco
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=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: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
|
||||
export_onnx: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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:2|4
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:2
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x800x1344.npy
|
||||
@@ -0,0 +1,29 @@
|
||||
===========================cpp_infer_params===========================
|
||||
model_name:mask_rcnn_r50_fpn_1x_coco_KL
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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:null
|
||||
infer_quant:True
|
||||
inference:./deploy/cpp/build/main
|
||||
--device:gpu|cpu
|
||||
--use_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,26 @@
|
||||
===========================serving_infer_cpp_params===========================
|
||||
model_name:mask_rcnn_r50_fpn_1x_coco_KL
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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 --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm --export_serving_model True -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 configs/slim/post_quant/mask_rcnn_r50_fpn_1x_coco_ptq.yml --export_serving_model True -o
|
||||
##
|
||||
infer_mode:null
|
||||
infer_quant:True
|
||||
--model:null
|
||||
--op:mask_rcnn_r50_fpn_1x_coco
|
||||
--port:9997
|
||||
--gpu_ids:null|0
|
||||
null:null
|
||||
http_client:deploy/serving/cpp/serving_client.py
|
||||
--serving_client:null
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,24 @@
|
||||
===========================serving_infer_python_params===========================
|
||||
model_name:mask_rcnn_r50_fpn_1x_coco_KL
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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 --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm --export_serving_model True -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 configs/slim/post_quant/mask_rcnn_r50_fpn_1x_coco_ptq.yml --export_serving_model True -o
|
||||
##
|
||||
infer_mode:null
|
||||
infer_quant:True
|
||||
web_service:deploy/serving/python/web_service.py --config=deploy/serving/python/config.yml
|
||||
--model_dir:null
|
||||
--opt:cpu:op.ppdet.local_service_conf.device_type=0|gpu:op.ppdet.local_service_conf.device_type=1
|
||||
null:null
|
||||
http_client:deploy/serving/python/pipeline_http_client.py
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,29 @@
|
||||
===========================cpp_infer_params===========================
|
||||
model_name:mask_rcnn_r50_fpn_1x_coco_PACT
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/slim/mask_rcnn_r50_fpn_1x_qat.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 configs/slim/quant/mask_rcnn_r50_fpn_1x_qat.yml -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:quant
|
||||
infer_quant:True
|
||||
inference:./deploy/cpp/build/main
|
||||
--device:gpu|cpu
|
||||
--use_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,26 @@
|
||||
===========================serving_infer_cpp_params===========================
|
||||
model_name:mask_rcnn_r50_fpn_1x_coco_PACT
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/slim/mask_rcnn_r50_fpn_1x_qat.pdparams
|
||||
norm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config configs/slim/quant/mask_rcnn_r50_fpn_1x_qat.yml --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm --export_serving_model True -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 configs/slim/post_quant/mask_rcnn_r50_fpn_1x_coco_ptq.yml --export_serving_model True -o
|
||||
##
|
||||
infer_mode:quant
|
||||
infer_quant:True
|
||||
--model:null
|
||||
--op:mask_rcnn_r50_fpn_1x_coco
|
||||
--port:9997
|
||||
--gpu_ids:null|0
|
||||
null:null
|
||||
http_client:deploy/serving/cpp/serving_client.py
|
||||
--serving_client:null
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,24 @@
|
||||
===========================serving_infer_python_params===========================
|
||||
model_name:mask_rcnn_r50_fpn_1x_coco_PACT
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/slim/mask_rcnn_r50_fpn_1x_qat.pdparams
|
||||
norm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config configs/slim/quant/mask_rcnn_r50_fpn_1x_qat.yml --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm --export_serving_model True -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 configs/slim/post_quant/mask_rcnn_r50_fpn_1x_coco_ptq.yml --export_serving_model True -o
|
||||
##
|
||||
infer_mode:quant
|
||||
infer_quant:True
|
||||
web_service:deploy/serving/python/web_service.py --config=deploy/serving/python/config.yml
|
||||
--model_dir:null
|
||||
--opt:cpu:op.ppdet.local_service_conf.device_type=0|gpu:op.ppdet.local_service_conf.device_type=1
|
||||
null:null
|
||||
http_client:deploy/serving/python/pipeline_http_client.py
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,29 @@
|
||||
===========================cpp_infer_params===========================
|
||||
model_name:mask_rcnn_r50_fpn_1x_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,30 @@
|
||||
===========================paddle2onnx_params===========================
|
||||
model_name:mask_rcnn_r50_fpn_1x_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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
|
||||
export_onnx:True
|
||||
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/post_quant/mask_rcnn_r50_fpn_1x_coco_ptq.yml -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
cmd:paddle2onnx
|
||||
--model_dir:null
|
||||
--model_filename:model.pdmodel
|
||||
--params_filename:model.pdiparams
|
||||
--save_file:model.onnx
|
||||
--opset_version:16
|
||||
--enable_dev_version:False
|
||||
paddle2onnx_param1:null
|
||||
infer_py:./deploy/third_engine/onnx/infer.py
|
||||
--infer_cfg:null
|
||||
--onnx_file:null
|
||||
--image_file:./demo/000000014439.jpg
|
||||
infer_param1:null
|
||||
@@ -0,0 +1,26 @@
|
||||
===========================serving_infer_cpp_params===========================
|
||||
model_name:mask_rcnn_r50_fpn_1x_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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 --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm --export_serving_model True -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 configs/slim/post_quant/mask_rcnn_r50_fpn_1x_coco_ptq.yml --export_serving_model True -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
--model:null
|
||||
--op:mask_rcnn_r50_fpn_1x_coco
|
||||
--port:9997
|
||||
--gpu_ids:null|0
|
||||
null:null
|
||||
http_client:deploy/serving/cpp/serving_client.py
|
||||
--serving_client:null
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,24 @@
|
||||
===========================serving_infer_python_params===========================
|
||||
model_name:mask_rcnn_r50_fpn_1x_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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 --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_pact --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config _template_fpgm --export_serving_model True -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 configs/slim/post_quant/mask_rcnn_r50_fpn_1x_coco_ptq.yml --export_serving_model True -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
web_service:deploy/serving/python/web_service.py --config=deploy/serving/python/config.yml
|
||||
--model_dir:null
|
||||
--opt:cpu:op.ppdet.local_service_conf.device_type=0|gpu:op.ppdet.local_service_conf.device_type=1
|
||||
null:null
|
||||
http_client:deploy/serving/python/pipeline_http_client.py
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:mask_rcnn_r50_fpn_1x_coco
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=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: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
|
||||
export_onnx:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config configs/slim/post_quant/yolov3_darknet53_ptq.yml -o
|
||||
##
|
||||
infer_mode:norm|kl_quant
|
||||
infer_quant:False|True
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:2|4
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:1
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x800x1344.npy
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================train_params===========================
|
||||
model_name:mask_rcnn_r50_fpn_1x_coco
|
||||
python:python3.7
|
||||
gpu_list:192.168.0.1,192.168.0.2;0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=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: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
|
||||
export_onnx:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_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:cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================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:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
null: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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================train_params===========================
|
||||
model_name:mask_rcnn_r50_fpn_1x_coco
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=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:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
filename:null
|
||||
##
|
||||
trainer:pact_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 configs/slim/quant/mask_rcnn_r50_fpn_1x_qat.yml -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 configs/slim/quant/yolov3_mobilenet_v3_qat.yml -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 configs/slim/post_quant/mask_rcnn_r50_fpn_1x_coco_ptq.yml -o
|
||||
##
|
||||
infer_mode:pact
|
||||
infer_quant:True
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:null
|
||||
@@ -0,0 +1,20 @@
|
||||
===========================ptq_params===========================
|
||||
model_name:mask_rcnn_r50_fpn_1x_coco
|
||||
python:python3.7
|
||||
filename:
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/mask_rcnn_r50_fpn_1x_coco.pdparams
|
||||
kl_quant_export:tools/post_quant.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --slim_config configs/slim/post_quant/mask_rcnn_r50_fpn_1x_coco_ptq.yml -o
|
||||
export_param1:null
|
||||
##
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:fairmot_dla34_30e_1088x608
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=30
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=6
|
||||
pretrain_weights:https://paddledet.bj.bcebos.com/models/mot/fairmot_dla34_30e_1088x608.pdparams
|
||||
trained_model_name:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/mot/test.mp4
|
||||
filename:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c configs/mot/fairmot/fairmot_dla34_30e_1088x608.yml -o
|
||||
pact_train:tools/train.py -c configs/mot/fairmot/fairmot_dla34_30e_1088x608.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/mot/fairmot/fairmot_dla34_30e_1088x608.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_1088x608.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/mot/fairmot_dla34_30e_1088x608.pdparams
|
||||
norm_export:tools/export_model.py -c configs/mot/fairmot/fairmot_dla34_30e_1088x608.yml -o
|
||||
pact_export:tools/export_model.py -c configs/mot/fairmot/fairmot_dla34_30e_1088x608.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/mot/fairmot/fairmot_dla34_30e_1088x608.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_1088x608.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
inference:./deploy/pptracking/python/mot_jde_infer.py
|
||||
--device:gpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--video_file:./dataset/mot/test.mp4
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:6|20
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:1
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x608x1088.npy
|
||||
@@ -0,0 +1,43 @@
|
||||
_BASE_: [
|
||||
'../../../configs/datasets/mot.yml',
|
||||
'../../../configs/runtime.yml',
|
||||
'../../../configs/mot/fairmot/_base_/optimizer_30e_momentum.yml',
|
||||
'../../../configs/mot/fairmot/_base_/fairmot_hrnetv2_w18_dlafpn.yml',
|
||||
'../../../configs/mot/fairmot/_base_/fairmot_reader_576x320.yml',
|
||||
]
|
||||
|
||||
norm_type: sync_bn
|
||||
use_ema: true
|
||||
ema_decay: 0.9998
|
||||
|
||||
# add crowdhuman
|
||||
TrainDataset:
|
||||
!MOTDataSet
|
||||
dataset_dir: dataset/mot
|
||||
image_lists: ['mot17.train', 'caltech.all', 'cuhksysu.train', 'prw.train', 'citypersons.train', 'eth.train']
|
||||
data_fields: ['image', 'gt_bbox', 'gt_class', 'gt_ide']
|
||||
|
||||
worker_num: 4
|
||||
TrainReader:
|
||||
inputs_def:
|
||||
image_shape: [3, 320, 576]
|
||||
sample_transforms:
|
||||
- Decode: {}
|
||||
- RGBReverse: {}
|
||||
- AugmentHSV: {}
|
||||
- LetterBoxResize: {target_size: [320, 576]}
|
||||
- MOTRandomAffine: {reject_outside: False}
|
||||
- RandomFlip: {}
|
||||
- BboxXYXY2XYWH: {}
|
||||
- NormalizeBox: {}
|
||||
- NormalizeImage: {mean: [0, 0, 0], std: [1, 1, 1]}
|
||||
- RGBReverse: {}
|
||||
- Permute: {}
|
||||
batch_transforms:
|
||||
- Gt2FairMOTTarget: {}
|
||||
batch_size: 4
|
||||
shuffle: True
|
||||
drop_last: True
|
||||
use_shared_memory: True
|
||||
|
||||
weights: output/fairmot_hrnetv2_w18_dlafpn_30e_576x320/model_final
|
||||
@@ -0,0 +1,53 @@
|
||||
===========================train_params===========================
|
||||
model_name:fairmot_hrnetv2_w18_dlafpn_30e_576x320
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=30
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=6
|
||||
pretrain_weights:https://paddledet.bj.bcebos.com/models/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.pdparams
|
||||
trained_model_name:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/mot/test.mp4
|
||||
filename:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml -o
|
||||
pact_train:tools/train.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_fpgm -o
|
||||
distill_train:null
|
||||
null:null
|
||||
null:null
|
||||
##
|
||||
===========================eval_params===========================
|
||||
eval:tools/eval_mot.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.pdparams
|
||||
norm_export:tools/export_model.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml -o
|
||||
pact_export:tools/export_model.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_fpgm -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c test_tipc/configs/mot/fairmot_hrnetv2_w18_dlafpn_30e_576x320.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
inference:./deploy/pptracking/python/mot_jde_infer.py
|
||||
--device:gpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--video_file:./dataset/mot/test.mp4
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x320x576.npy
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:jde_darknet53_30e_1088x608
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=30
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=4
|
||||
pretrain_weights:https://paddledet.bj.bcebos.com/models/mot/jde_darknet53_30e_1088x608.pdparams
|
||||
trained_model_name:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/mot/test.mp4
|
||||
filename:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c configs/mot/jde/jde_darknet53_30e_1088x608.yml -o
|
||||
pact_train:tools/train.py -c configs/mot/jde/jde_darknet53_30e_1088x608.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/mot/jde/jde_darknet53_30e_1088x608.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_1088x608.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/mot/jde_darknet53_30e_1088x608.pdparams
|
||||
norm_export:tools/export_model.py -c configs/mot/jde/jde_darknet53_30e_1088x608.yml -o
|
||||
pact_export:tools/export_model.py -c configs/mot/jde/jde_darknet53_30e_1088x608.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/mot/jde/jde_darknet53_30e_1088x608.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_1088x608.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
inference:./deploy/pptracking/python/mot_jde_infer.py
|
||||
--device:gpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--video_file:./dataset/mot/test.mp4
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:4|12
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:1
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x608x1088.npy
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:ocsort_ppyoloe
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=30
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=4
|
||||
pretrain_weights:null
|
||||
trained_model_name:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/mot/test.mp4
|
||||
filename:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c configs/mot/ocsort/ocsort_ppyoloe.yml -o
|
||||
pact_train:tools/train.py -c configs/mot/ocsort/ocsort_ppyoloe.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/mot/ocsort/ocsort_ppyoloe.yml --slim_config _template_fpgm -o
|
||||
distill_train:null
|
||||
null:null
|
||||
null:null
|
||||
##
|
||||
===========================eval_params===========================
|
||||
eval:tools/eval_mot.py -c configs/mot/ocsort/ocsort_ppyoloe.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://bj.bcebos.com/v1/paddledet/models/mot/ppyoloe_crn_l_36e_640x640_mot17half.pdparams
|
||||
norm_export:tools/export_model.py -c configs/mot/bytetrack/detector/ppyoloe_crn_l_36e_640x640_mot17half.yml -o
|
||||
pact_export:tools/export_model.py -c configs/mot/bytetrack/detector/ppyoloe_crn_l_36e_640x640_mot17half.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/mot/bytetrack/detector/ppyoloe_crn_l_36e_640x640_mot17half.yml --slim_config _template_fpgm -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/mot/ocsort/ocsort_ppyoloe.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
inference:./deploy/pptracking/python/mot_sde_infer.py --tracker_config deploy/pptracking/python/tracker_config.yml
|
||||
--device:gpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--video_file:./dataset/mot/test.mp4
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
===========================disable_train_benchmark==========================
|
||||
batch_size:4|12
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:1
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x640x640_2.npy
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:picodet_lcnet_1_0x_416_coco
|
||||
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=300
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=80
|
||||
pretrain_weights:null
|
||||
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/picodet/legacy_model/more_config/picodet_lcnet_1_0x_416_coco.yml -o
|
||||
pact_train:tools/train.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_0x_416_coco.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_0x_416_coco.yml --slim_config _template_fpgm -o
|
||||
distill_train:null
|
||||
null:null
|
||||
null:null
|
||||
##
|
||||
===========================eval_params===========================
|
||||
eval:tools/eval.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_0x_416_coco.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:null
|
||||
norm_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_0x_416_coco.yml -o
|
||||
pact_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_0x_416_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_0x_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/legacy_model/more_config/picodet_lcnet_1_0x_416_coco.yml --slim_config configs/slim/post_quant/yolov3_darknet53_ptq.yml -o
|
||||
##
|
||||
infer_mode:norm|kl_quant
|
||||
infer_quant:False|True
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:90
|
||||
fp_items:fp32|amp
|
||||
epoch:1
|
||||
repeat:1
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x416x416_2.npy
|
||||
@@ -0,0 +1,29 @@
|
||||
===========================cpp_infer_params===========================
|
||||
model_name:picodet_lcnet_1_5x_416_coco_KL
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
opencv_dir:default
|
||||
infer_mode:null
|
||||
infer_quant:True
|
||||
inference:./deploy/cpp/build/main
|
||||
--device:gpu|cpu
|
||||
--use_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,26 @@
|
||||
===========================serving_infer_cpp_params===========================
|
||||
model_name:picodet_lcnet_1_5x_416_coco_KL
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_fpgm --export_serving_model True -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_kl_quant --export_serving_model True -o
|
||||
##
|
||||
infer_mode:null
|
||||
infer_quant:True
|
||||
--model:null
|
||||
--op:picodet_lcnet_1_5x_416_coco
|
||||
--port:9997
|
||||
--gpu_ids:null|0
|
||||
null:null
|
||||
http_client:deploy/serving/cpp/serving_client.py
|
||||
--serving_client:null
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,24 @@
|
||||
===========================serving_infer_python_params===========================
|
||||
model_name:picodet_lcnet_1_5x_416_coco_KL
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_fpgm --export_serving_model True -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_kl_quant --export_serving_model True -o
|
||||
##
|
||||
infer_mode:null
|
||||
infer_quant:True
|
||||
web_service:deploy/serving/python/web_service.py --config=deploy/serving/python/config.yml
|
||||
--model_dir:null
|
||||
--opt:cpu:op.ppdet.local_service_conf.device_type=0|gpu:op.ppdet.local_service_conf.device_type=1
|
||||
null:null
|
||||
http_client:deploy/serving/python/pipeline_http_client.py
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,29 @@
|
||||
===========================cpp_infer_params===========================
|
||||
model_name:picodet_lcnet_1_5x_416_coco_PACT
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://bj.bcebos.com/v1/paddledet/data/tipc/models/picodet_lcnet_1_5x_416_coco_qat.pdparams
|
||||
norm_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config configs/slim/quant/picodet_s_416_lcnet_quant.yml -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
opencv_dir:default
|
||||
infer_mode:quant
|
||||
infer_quant:True
|
||||
inference:./deploy/cpp/build/main
|
||||
--device:gpu|cpu
|
||||
--use_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,26 @@
|
||||
===========================serving_infer_cpp_params===========================
|
||||
model_name:picodet_lcnet_1_5x_416_coco_PACT
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://bj.bcebos.com/v1/paddledet/data/tipc/models/picodet_lcnet_1_5x_416_coco_qat.pdparams
|
||||
norm_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config configs/slim/quant/picodet_s_416_lcnet_quant.yml --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_fpgm --export_serving_model True -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_kl_quant --export_serving_model True -o
|
||||
##
|
||||
infer_mode:quant
|
||||
infer_quant:True
|
||||
--model:null
|
||||
--op:picodet_lcnet_1_5x_416_coco
|
||||
--port:9997
|
||||
--gpu_ids:null|0
|
||||
null:null
|
||||
http_client:deploy/serving/cpp/serving_client.py
|
||||
--serving_client:null
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,24 @@
|
||||
===========================serving_infer_python_params===========================
|
||||
model_name:picodet_lcnet_1_5x_416_coco_PACT
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://bj.bcebos.com/v1/paddledet/data/tipc/models/picodet_lcnet_1_5x_416_coco_qat.pdparams
|
||||
norm_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config configs/slim/quant/picodet_s_416_lcnet_quant.yml --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_fpgm --export_serving_model True -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_kl_quant --export_serving_model True -o
|
||||
##
|
||||
infer_mode:quant
|
||||
infer_quant:True
|
||||
web_service:deploy/serving/python/web_service.py --config=deploy/serving/python/config.yml
|
||||
--model_dir:null
|
||||
--opt:cpu:op.ppdet.local_service_conf.device_type=0|gpu:op.ppdet.local_service_conf.device_type=1
|
||||
null:null
|
||||
http_client:deploy/serving/python/pipeline_http_client.py
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,29 @@
|
||||
===========================cpp_infer_params===========================
|
||||
model_name:picodet_lcnet_1_5x_416_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/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/legacy_model/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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,30 @@
|
||||
===========================paddle2onnx_params===========================
|
||||
model_name:picodet_lcnet_1_5x_416_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_fpgm -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export_param:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/picodet/legacy_model/more_config/yolov3_darknet53_270e_coco.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
cmd:paddle2onnx
|
||||
--model_dir:null
|
||||
--model_filename:model.pdmodel
|
||||
--params_filename:model.pdiparams
|
||||
--save_file:model.onnx
|
||||
--opset_version:11
|
||||
--enable_onnx_checker:True
|
||||
paddle2onnx_param1:null
|
||||
infer_py:./deploy/third_engine/onnx/infer.py
|
||||
--infer_cfg:null
|
||||
--onnx_file:null
|
||||
--image_file:./demo/000000014439.jpg
|
||||
infer_param1:null
|
||||
@@ -0,0 +1,26 @@
|
||||
===========================serving_infer_cpp_params===========================
|
||||
model_name:picodet_lcnet_1_5x_416_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_fpgm --export_serving_model True -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_kl_quant --export_serving_model True -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
--model:null
|
||||
--op:picodet_lcnet_1_5x_416_coco
|
||||
--port:9997
|
||||
--gpu_ids:null|0
|
||||
null:null
|
||||
http_client:deploy/serving/cpp/serving_client.py
|
||||
--serving_client:null
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,24 @@
|
||||
===========================serving_infer_python_params===========================
|
||||
model_name:picodet_lcnet_1_5x_416_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_fpgm --export_serving_model True -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_kl_quant --export_serving_model True -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
web_service:deploy/serving/python/web_service.py --config=deploy/serving/python/config.yml
|
||||
--model_dir:null
|
||||
--opt:cpu:op.ppdet.local_service_conf.device_type=0|gpu:op.ppdet.local_service_conf.device_type=1
|
||||
null:null
|
||||
http_client:deploy/serving/python/pipeline_http_client.py
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:picodet_lcnet_1_5x_416_coco
|
||||
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=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:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
filename:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml -o
|
||||
pact_train:tools/train.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/picodet/legacy_model/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/legacy_model/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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml -o
|
||||
pact_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config configs/slim/post_quant/yolov3_darknet53_ptq.yml -o
|
||||
##
|
||||
infer_mode:norm|kl_quant
|
||||
infer_quant:False|True
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:32
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:30
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x416x416_2.npy
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================train_params===========================
|
||||
model_name:picodet_lcnet_1_5x_416_coco
|
||||
python:python3.7
|
||||
gpu_list:192.168.0.1,192.168.0.2;0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
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:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
filename:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml -o
|
||||
pact_train:tools/train.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/picodet/legacy_model/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/legacy_model/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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml -o
|
||||
pact_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/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/legacy_model/more_config/picodet_lcnet_1_5x_416_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:cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================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:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
null:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml -o
|
||||
pact_train:tools/train.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/picodet/legacy_model/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/legacy_model/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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml -o
|
||||
pact_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/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/legacy_model/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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================train_params===========================
|
||||
model_name:picodet_lcnet_1_5x_416_coco
|
||||
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=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:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
filename:null
|
||||
##
|
||||
trainer:pact_train
|
||||
norm_train:tools/train.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml -o
|
||||
pact_train:tools/train.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config configs/slim/quant/yolov3_mobilenet_v3_qat.yml -o
|
||||
fpgm_train:tools/train.py -c configs/picodet/legacy_model/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/legacy_model/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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml -o
|
||||
pact_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config configs/slim/quant/yolov3_mobilenet_v3_qat.yml -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/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/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
infer_mode:pact
|
||||
infer_quant:True
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:null
|
||||
@@ -0,0 +1,20 @@
|
||||
===========================ptq_params===========================
|
||||
model_name:picodet_lcnet_1_5x_416_coco
|
||||
python:python3.7
|
||||
filename:
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/picodet_lcnet_1_5x_416_coco.pdparams
|
||||
kl_quant_export:tools/post_quant.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_1_5x_416_coco.yml --slim_config configs/slim/post_quant/yolov3_darknet53_ptq.yml -o
|
||||
export_param1:null
|
||||
##
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:picodet_lcnet_2_5x_416_coco
|
||||
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=300
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=2|lite_train_whole_infer=2|whole_train_whole_infer=80
|
||||
pretrain_weights:null
|
||||
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/picodet/legacy_model/more_config/picodet_lcnet_2_5x_416_coco.yml -o
|
||||
pact_train:tools/train.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_2_5x_416_coco.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_2_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/legacy_model/more_config/picodet_lcnet_2_5x_416_coco.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:null
|
||||
norm_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_2_5x_416_coco.yml -o
|
||||
pact_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_2_5x_416_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/more_config/picodet_lcnet_2_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/legacy_model/more_config/picodet_lcnet_2_5x_416_coco.yml --slim_config configs/slim/post_quant/yolov3_darknet53_ptq.yml -o
|
||||
##
|
||||
infer_mode:norm|kl_quant
|
||||
infer_quant:False|True
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:48
|
||||
fp_items:fp32|amp
|
||||
epoch:1
|
||||
repeat:1
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x416x416_2.npy
|
||||
@@ -0,0 +1,29 @@
|
||||
===========================cpp_infer_params===========================
|
||||
model_name:picodet_s_320_coco_lcnet
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/picodet_s_320_coco_lcnet.pdparams
|
||||
norm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.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_lcnet.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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,30 @@
|
||||
===========================paddle2onnx_params===========================
|
||||
model_name:picodet_s_320_coco_lcnet
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/picodet_s_320_coco_lcnet.pdparams
|
||||
norm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config _template_fpgm -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export_param:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/picodet/yolov3_darknet53_270e_coco.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
cmd:paddle2onnx
|
||||
--model_dir:null
|
||||
--model_filename:model.pdmodel
|
||||
--params_filename:model.pdiparams
|
||||
--save_file:model.onnx
|
||||
--opset_version:11
|
||||
--enable_onnx_checker:True
|
||||
paddle2onnx_param1:null
|
||||
infer_py:./deploy/third_engine/onnx/infer.py
|
||||
--infer_cfg:null
|
||||
--onnx_file:null
|
||||
--image_file:./demo/000000014439.jpg
|
||||
infer_param1:null
|
||||
@@ -0,0 +1,24 @@
|
||||
===========================serving_infer_python_params===========================
|
||||
model_name:picodet_s_320_coco_lcnet
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/picodet_s_320_coco_lcnet.pdparams
|
||||
norm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config _template_pact --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config _template_fpgm --export_serving_model True -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config _template_kl_quant --export_serving_model True -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
web_service:deploy/serving/python/web_service.py --config=deploy/serving/python/config.yml
|
||||
--model_dir:null
|
||||
--opt:cpu:op.ppdet.local_service_conf.device_type=0|gpu:op.ppdet.local_service_conf.device_type=1
|
||||
null:null
|
||||
http_client:deploy/serving/python/pipeline_http_client.py
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,62 @@
|
||||
===========================train_params===========================
|
||||
model_name:picodet_s_320_coco_lcnet
|
||||
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=300
|
||||
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/picodet_s_320_coco_lcnet.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/picodet/picodet_s_320_coco_lcnet.yml -o
|
||||
pact_train:tools/train.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/picodet/picodet_s_320_coco_lcnet.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_lcnet.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/picodet_s_320_coco_lcnet.pdparams
|
||||
norm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml -o
|
||||
pact_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.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_lcnet.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:64
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:1
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x320x320_2.npy
|
||||
===========================to_static_train_benchmark_params===========================
|
||||
to_static_train:--to_static
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================train_params===========================
|
||||
model_name:picodet_s_320_coco_lcnet
|
||||
python:python3.7
|
||||
gpu_list:192.168.0.1,192.168.0.2;0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
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_lcnet.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/picodet/picodet_s_320_coco_lcnet.yml -o
|
||||
pact_train:tools/train.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/picodet/picodet_s_320_coco_lcnet.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_lcnet.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/picodet_s_320_coco_lcnet.pdparams
|
||||
norm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml -o
|
||||
pact_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.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_lcnet.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
inference:./deploy/python/infer.py
|
||||
--device:cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================train_params===========================
|
||||
model_name:picodet_s_320_coco_lcnet
|
||||
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_lcnet.pdparams
|
||||
trained_model_name:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
null:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c configs/picodet/picodet_s_320_coco_lcnet.yml -o
|
||||
pact_train:tools/train.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/picodet/picodet_s_320_coco_lcnet.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_lcnet.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/picodet_s_320_coco_lcnet.pdparams
|
||||
norm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml -o
|
||||
pact_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.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_lcnet.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================train_params===========================
|
||||
model_name:picodet_s_320_coco_lcnet
|
||||
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=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_lcnet.pdparams
|
||||
trained_model_name:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
filename:null
|
||||
##
|
||||
trainer:pact_train
|
||||
norm_train:tools/train.py -c configs/picodet/picodet_s_320_coco_lcnet.yml -o
|
||||
pact_train:tools/train.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config configs/slim/quant/yolov3_mobilenet_v3_qat.yml -o
|
||||
fpgm_train:tools/train.py -c configs/picodet/picodet_s_320_coco_lcnet.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_lcnet.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/picodet_s_320_coco_lcnet.pdparams
|
||||
norm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml -o
|
||||
pact_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config configs/slim/quant/yolov3_mobilenet_v3_qat.yml -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/picodet_s_320_coco_lcnet.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_lcnet.yml --slim_config configs/slim/post_quant/picodet_s_ptq.yml -o
|
||||
##
|
||||
infer_mode:pact
|
||||
infer_quant:True
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:null
|
||||
@@ -0,0 +1,20 @@
|
||||
===========================ptq_params===========================
|
||||
model_name:picodet_s_320_coco_lcnet
|
||||
python:python3.7
|
||||
filename:
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/picodet_s_320_coco_lcnet.pdparams
|
||||
kl_quant_export:tools/post_quant.py -c configs/picodet/picodet_s_320_coco_lcnet.yml --slim_config configs/slim/post_quant/yolov3_darknet53_ptq.yml -o
|
||||
export_param1:null
|
||||
##
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,29 @@
|
||||
===========================cpp_infer_params===========================
|
||||
model_name:picodet_s_320_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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/legacy_model/picodet_s_320_coco.yml -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/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/legacy_model/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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,30 @@
|
||||
===========================paddle2onnx_params===========================
|
||||
model_name:picodet_s_320_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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/legacy_model/picodet_s_320_coco.yml -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config _template_fpgm -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export_param:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/picodet/legacy_model/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/post_quant/picodet_s_ptq.yml -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
cmd:paddle2onnx
|
||||
--model_dir:null
|
||||
--model_filename:model.pdmodel
|
||||
--params_filename:model.pdiparams
|
||||
--save_file:model.onnx
|
||||
--opset_version:11
|
||||
--enable_onnx_checker:True
|
||||
paddle2onnx_param1:null
|
||||
infer_py:./deploy/third_engine/onnx/infer.py
|
||||
--infer_cfg:null
|
||||
--onnx_file:null
|
||||
--image_file:./demo/000000014439.jpg
|
||||
infer_param1:null
|
||||
@@ -0,0 +1,24 @@
|
||||
===========================serving_infer_python_params===========================
|
||||
model_name:picodet_s_320_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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/legacy_model/picodet_s_320_coco.yml --export_serving_model True -o
|
||||
quant_export:tools/export_model.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config _template_pact --export_serving_model True -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config _template_fpgm --export_serving_model True -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config configs/slim/post_quant/picodet_s_ptq.yml --export_serving_model True -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
web_service:deploy/serving/python/web_service.py --config=deploy/serving/python/config.yml
|
||||
--model_dir:null
|
||||
--opt:cpu:op.ppdet.local_service_conf.device_type=0|gpu:op.ppdet.local_service_conf.device_type=1
|
||||
null:null
|
||||
http_client:deploy/serving/python/pipeline_http_client.py
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:picodet_s_320_coco
|
||||
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=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:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
filename:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml -o worker_num=16
|
||||
pact_train:tools/train.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/picodet/legacy_model/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/legacy_model/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/legacy_model/picodet_s_320_coco.yml -o
|
||||
pact_export:tools/export_model.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/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/legacy_model/picodet_s_320_coco.yml --slim_config configs/slim/post_quant/yolov3_darknet53_ptq.yml -o
|
||||
##
|
||||
infer_mode:norm|kl_quant
|
||||
infer_quant:False|True
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================train_benchmark_params==========================
|
||||
batch_size:64
|
||||
fp_items:fp32|amp
|
||||
epoch:1
|
||||
repeat:50
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x320x320_2.npy
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================train_params===========================
|
||||
model_name:picodet_s_320_coco
|
||||
python:python3.7
|
||||
gpu_list:192.168.0.1,192.168.0.2;0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
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:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
filename:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml -o
|
||||
pact_train:tools/train.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/picodet/legacy_model/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/legacy_model/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/legacy_model/picodet_s_320_coco.yml -o
|
||||
pact_export:tools/export_model.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/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/legacy_model/picodet_s_320_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:cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================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:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
null:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml -o
|
||||
pact_train:tools/train.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/picodet/legacy_model/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/legacy_model/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/legacy_model/picodet_s_320_coco.yml -o
|
||||
pact_export:tools/export_model.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/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/legacy_model/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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================train_params===========================
|
||||
model_name:picodet_s_320_coco
|
||||
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=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:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
filename:null
|
||||
##
|
||||
trainer:pact_train
|
||||
norm_train:tools/train.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml -o
|
||||
pact_train:tools/train.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config configs/slim/quant/yolov3_mobilenet_v3_qat.yml -o
|
||||
fpgm_train:tools/train.py -c configs/picodet/legacy_model/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/legacy_model/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/legacy_model/picodet_s_320_coco.yml -o
|
||||
pact_export:tools/export_model.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config configs/slim/quant/yolov3_mobilenet_v3_qat.yml -o
|
||||
fpgm_export:tools/export_model.py -c configs/picodet/legacy_model/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/legacy_model/picodet_s_320_coco.yml --slim_config configs/slim/post_quant/picodet_s_ptq.yml -o
|
||||
##
|
||||
infer_mode:pact
|
||||
infer_quant:True
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:null
|
||||
@@ -0,0 +1,20 @@
|
||||
===========================ptq_params===========================
|
||||
model_name:picodet_s_320_coco
|
||||
python:python3.7
|
||||
filename:
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/picodet_s_320_coco.pdparams
|
||||
kl_quant_export:tools/post_quant.py -c configs/picodet/legacy_model/picodet_s_320_coco.yml --slim_config configs/slim/post_quant/yolov3_darknet53_ptq.yml -o
|
||||
export_param1:null
|
||||
##
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,13 @@
|
||||
===========================pipeline_infer_python_params===========================
|
||||
model_name:pphuman
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
infer_mode:norm
|
||||
input_list:image|video
|
||||
use_gpu:True
|
||||
inference:deploy/pipeline/pipeline.py --config=deploy/pipeline/config/infer_cfg_pphuman.yml
|
||||
--device:cpu|gpu
|
||||
--image_file:./demo/000000014439.jpg
|
||||
--video_file:./dataset/mot/test.mp4
|
||||
|
||||
@@ -0,0 +1,13 @@
|
||||
===========================pipeline_infer_python_params===========================
|
||||
model_name:ppvehicle
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
infer_mode:norm
|
||||
input_list:image|video
|
||||
use_gpu:True
|
||||
inference:deploy/pipeline/pipeline.py --config=deploy/pipeline/config/infer_cfg_ppvehicle.yml
|
||||
--device:cpu|gpu
|
||||
--image_file:./demo/000000014439.jpg
|
||||
--video_file:./dataset/mot/test.mp4
|
||||
|
||||
@@ -0,0 +1,53 @@
|
||||
===========================train_params===========================
|
||||
model_name:ppyolo_mbv3_large_coco_FPGM
|
||||
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=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:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
filename:null
|
||||
##
|
||||
trainer:fpgm_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:fpgm
|
||||
infer_quant:False
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x320x320.npy
|
||||
@@ -0,0 +1,29 @@
|
||||
===========================cpp_infer_params===========================
|
||||
model_name:ppyolo_mbv3_large_coco_KL
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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:null
|
||||
infer_quant:True
|
||||
inference:./deploy/cpp/build/main
|
||||
--device:gpu|cpu
|
||||
--use_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,26 @@
|
||||
===========================serving_infer_cpp_params===========================
|
||||
model_name:ppyolo_mbv3_large_coco_KL
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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 --export_serving_model True -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 --export_serving_model True -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 --export_serving_model True -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 --export_serving_model True -o
|
||||
##
|
||||
infer_mode:null
|
||||
infer_quant:True
|
||||
--model:null
|
||||
--op:ppyolo_mbv3_large_coco
|
||||
--port:9997
|
||||
--gpu_ids:null|0
|
||||
null:null
|
||||
http_client:deploy/serving/cpp/serving_client.py
|
||||
--serving_client:null
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,24 @@
|
||||
===========================serving_infer_python_params===========================
|
||||
model_name:ppyolo_mbv3_large_coco_KL
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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 --export_serving_model True -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 --export_serving_model True -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 --export_serving_model True -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 --export_serving_model True -o
|
||||
##
|
||||
infer_mode:null
|
||||
infer_quant:True
|
||||
web_service:deploy/serving/python/web_service.py --config=deploy/serving/python/config.yml
|
||||
--model_dir:null
|
||||
--opt:cpu:op.ppdet.local_service_conf.device_type=0|gpu:op.ppdet.local_service_conf.device_type=1
|
||||
null:null
|
||||
http_client:deploy/serving/python/pipeline_http_client.py
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,29 @@
|
||||
===========================cpp_infer_params===========================
|
||||
model_name:ppyolo_mbv3_large_coco_PACT
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/slim/ppyolo_mbv3_large_qat.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:quant
|
||||
infer_quant:True
|
||||
inference:./deploy/cpp/build/main
|
||||
--device:gpu|cpu
|
||||
--use_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,26 @@
|
||||
===========================serving_infer_cpp_params===========================
|
||||
model_name:ppyolo_mbv3_large_coco_PACT
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/slim/ppyolo_mbv3_large_qat.pdparams
|
||||
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --export_serving_model True -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 --export_serving_model True -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 --export_serving_model True -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 --export_serving_model True -o
|
||||
##
|
||||
infer_mode:quant
|
||||
infer_quant:True
|
||||
--model:null
|
||||
--op:ppyolo_mbv3_large_coco
|
||||
--port:9997
|
||||
--gpu_ids:null|0
|
||||
null:null
|
||||
http_client:deploy/serving/cpp/serving_client.py
|
||||
--serving_client:null
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,24 @@
|
||||
===========================serving_infer_python_params===========================
|
||||
model_name:ppyolo_mbv3_large_coco_PACT
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/slim/ppyolo_mbv3_large_qat.pdparams
|
||||
norm_export:tools/export_model.py -c configs/ppyolo/ppyolo_mbv3_large_coco.yml --export_serving_model True -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 --export_serving_model True -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 --export_serving_model True -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 --export_serving_model True -o
|
||||
##
|
||||
infer_mode:quant
|
||||
infer_quant:True
|
||||
web_service:deploy/serving/python/web_service.py --config=deploy/serving/python/config.yml
|
||||
--model_dir:null
|
||||
--opt:cpu:op.ppdet.local_service_conf.device_type=0|gpu:op.ppdet.local_service_conf.device_type=1
|
||||
null:null
|
||||
http_client:deploy/serving/python/pipeline_http_client.py
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,29 @@
|
||||
===========================cpp_infer_params===========================
|
||||
model_name:ppyolo_mbv3_large_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
@@ -0,0 +1,30 @@
|
||||
===========================paddle2onnx_params===========================
|
||||
model_name:ppyolo_mbv3_large_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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
|
||||
export_param:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/ppyolo/yolov3_darknet53_270e_coco.yml --slim_config configs/slim/post_quant/ppyolo_mbv3_large_ptq.yml -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
cmd:paddle2onnx
|
||||
--model_dir:null
|
||||
--model_filename:model.pdmodel
|
||||
--params_filename:model.pdiparams
|
||||
--save_file:model.onnx
|
||||
--opset_version:11
|
||||
--enable_onnx_checker:True
|
||||
paddle2onnx_param1:null
|
||||
infer_py:./deploy/third_engine/onnx/infer.py
|
||||
--infer_cfg:null
|
||||
--onnx_file:null
|
||||
--image_file:./demo/000000014439.jpg
|
||||
infer_param1:null
|
||||
@@ -0,0 +1,26 @@
|
||||
===========================serving_infer_cpp_params===========================
|
||||
model_name:ppyolo_mbv3_large_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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 --export_serving_model True -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 --export_serving_model True -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 --export_serving_model True -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 --export_serving_model True -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
--model:null
|
||||
--op:ppyolo_mbv3_large_coco
|
||||
--port:9997
|
||||
--gpu_ids:null|0
|
||||
null:null
|
||||
http_client:deploy/serving/cpp/serving_client.py
|
||||
--serving_client:null
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,24 @@
|
||||
===========================serving_infer_python_params===========================
|
||||
model_name:ppyolo_mbv3_large_coco
|
||||
python:python3.7
|
||||
filename:null
|
||||
##
|
||||
--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 --export_serving_model True -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 --export_serving_model True -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 --export_serving_model True -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 --export_serving_model True -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
web_service:deploy/serving/python/web_service.py --config=deploy/serving/python/config.yml
|
||||
--model_dir:null
|
||||
--opt:cpu:op.ppdet.local_service_conf.device_type=0|gpu:op.ppdet.local_service_conf.device_type=1
|
||||
null:null
|
||||
http_client:deploy/serving/python/pipeline_http_client.py
|
||||
--image_file:./demo/000000014439.jpg
|
||||
null:null
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:ppyolo_mbv3_large_coco
|
||||
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=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: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|kl_quant
|
||||
infer_quant:False|True
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================disable_train_benchmark==========================
|
||||
batch_size:24
|
||||
fp_items:fp32|fp16
|
||||
epoch:1
|
||||
repeat:10
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x320x320.npy
|
||||
@@ -0,0 +1,53 @@
|
||||
===========================train_params===========================
|
||||
model_name:ppyolo_mbv3_large_coco
|
||||
python:python3.7
|
||||
gpu_list:192.168.0.1,192.168.0.2;0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
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: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:cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x320x320.npy
|
||||
@@ -0,0 +1,51 @@
|
||||
===========================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:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/coco/test2017/
|
||||
null: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:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1|2
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/coco/test2017/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
--trt_max_shape:1600
|
||||
Some files were not shown because too many files have changed in this diff Show More
Reference in New Issue
Block a user