更换文档检测模型
This commit is contained in:
@@ -0,0 +1,9 @@
|
||||
_BASE_: [
|
||||
'../../../../configs/datasets/spine_coco.yml',
|
||||
'../../../../configs/runtime.yml',
|
||||
'../../../../configs/rotate/fcosr/_base_/optimizer_3x.yml',
|
||||
'../../../../configs/rotate/fcosr/_base_/fcosr_reader.yml',
|
||||
'../../../../configs/rotate/fcosr/_base_/fcosr_x50.yml'
|
||||
]
|
||||
|
||||
weights: output/fcosr_x50_3x_dota/model_final
|
||||
@@ -0,0 +1,53 @@
|
||||
===========================train_params===========================
|
||||
model_name:fcosr_x50_3x_spine_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=1|lite_train_whole_infer=1|whole_train_whole_infer=1
|
||||
pretrain_weights:https://paddledet.bj.bcebos.com/models/fcosr_x50_3x_dota.pdparams
|
||||
trained_model_name:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/spine_coco/test/
|
||||
filename:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c test_tipc/configs/rotate/fcosr/fcosr_x50_3x_spine_coco.yml -o
|
||||
pact_train:tools/train.py -c test_tipc/configs/rotate/fcosr/fcosr_x50_3x_spine_coco.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c test_tipc/configs/rotate/fcosr/fcosr_x50_3x_spine_coco.yml --slim_config _template_fpgm -o
|
||||
distill_train:null
|
||||
null:null
|
||||
null:null
|
||||
##
|
||||
===========================eval_params===========================
|
||||
eval:tools/eval.py -c test_tipc/configs/rotate/fcosr/fcosr_x50_3x_spine_coco.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/fcosr_x50_3x_dota.pdparams
|
||||
norm_export:tools/export_model.py -c test_tipc/configs/rotate/fcosr/fcosr_x50_3x_spine_coco.yml -o
|
||||
pact_export:tools/export_model.py -c test_tipc/configs/rotate/fcosr/fcosr_x50_3x_spine_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c test_tipc/configs/rotate/fcosr/fcosr_x50_3x_spine_coco.yml --slim_config _template_fpgm -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c test_tipc/configs/rotate/fcosr/fcosr_x50_3x_spine_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/spine_coco/test/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x1024x1024_2.npy
|
||||
@@ -0,0 +1,15 @@
|
||||
_BASE_: [
|
||||
'../../../../configs/datasets/spine_coco.yml',
|
||||
'../../../../configs/runtime.yml',
|
||||
'../../../../configs/rotate/ppyoloe_r/_base_/optimizer_3x.yml',
|
||||
'../../../../configs/rotate/ppyoloe_r/_base_/ppyoloe_r_reader.yml',
|
||||
'../../../../configs/rotate/ppyoloe_r/_base_/ppyoloe_r_crn.yml'
|
||||
]
|
||||
|
||||
log_iter: 50
|
||||
snapshot_epoch: 1
|
||||
weights: output/ppyoloe_r_crn_s_3x_dota/model_final
|
||||
|
||||
pretrain_weights: https://paddledet.bj.bcebos.com/models/pretrained/CSPResNetb_s_pretrained.pdparams
|
||||
depth_mult: 0.33
|
||||
width_mult: 0.50
|
||||
@@ -0,0 +1,60 @@
|
||||
===========================train_params===========================
|
||||
model_name:ppyoloe_r_crn_s_3x_spine_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=1|lite_train_whole_infer=1|whole_train_whole_infer=1
|
||||
pretrain_weights:https://paddledet.bj.bcebos.com/models/ppyoloe_r_crn_s_3x_dota.pdparams
|
||||
trained_model_name:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/spine_coco/test/
|
||||
filename:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c test_tipc/configs/rotate/ppyoloe_r/ppyoloe_r_crn_s_3x_spine_coco.yml -o
|
||||
pact_train:tools/train.py -c test_tipc/configs/rotate/ppyoloe_r/ppyoloe_r_crn_s_3x_spine_coco.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c test_tipc/configs/rotate/ppyoloe_r/ppyoloe_r_crn_s_3x_spine_coco.yml --slim_config _template_fpgm -o
|
||||
distill_train:null
|
||||
null:null
|
||||
null:null
|
||||
##
|
||||
===========================eval_params===========================
|
||||
eval:tools/eval.py -c test_tipc/configs/rotate/ppyoloe_r/ppyoloe_r_crn_s_3x_spine_coco.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/ppyoloe_r_crn_s_3x_dota.pdparams
|
||||
norm_export:tools/export_model.py -c test_tipc/configs/rotate/ppyoloe_r/ppyoloe_r_crn_s_3x_spine_coco.yml -o
|
||||
pact_export:tools/export_model.py -c test_tipc/configs/rotate/ppyoloe_r/ppyoloe_r_crn_s_3x_spine_coco.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c test_tipc/configs/rotate/ppyoloe_r/ppyoloe_r_crn_s_3x_spine_coco.yml --slim_config _template_fpgm -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c test_tipc/configs/rotate/ppyoloe_r/ppyoloe_r_crn_s_3x_spine_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/spine_coco/test/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================disable_train_benchmark==========================
|
||||
batch_size:2
|
||||
fp_items:fp32
|
||||
epoch:5
|
||||
repeat:12
|
||||
--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile
|
||||
flags:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x1024x1024_2.npy
|
||||
@@ -0,0 +1,53 @@
|
||||
===========================train_params===========================
|
||||
model_name:s2anet_1x_spine
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=12
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=1
|
||||
pretrain_weights:https://paddledet.bj.bcebos.com/models/s2anet_1x_spine.pdparams
|
||||
trained_model_name:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/spine_coco/test/
|
||||
filename:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c configs/rotate/s2anet/s2anet_1x_spine.yml -o
|
||||
pact_train:tools/train.py -c configs/rotate/s2anet/s2anet_1x_spine.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c configs/rotate/s2anet/s2anet_1x_spine.yml --slim_config _template_fpgm -o
|
||||
distill_train:null
|
||||
null:null
|
||||
null:null
|
||||
##
|
||||
===========================eval_params===========================
|
||||
eval:tools/eval.py -c configs/rotate/s2anet/s2anet_1x_spine.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/s2anet_1x_spine.pdparams
|
||||
norm_export:tools/export_model.py -c configs/rotate/s2anet/s2anet_1x_spine.yml -o
|
||||
pact_export:tools/export_model.py -c configs/rotate/s2anet/s2anet_1x_spine.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c configs/rotate/s2anet/s2anet_1x_spine.yml --slim_config _template_fpgm -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c configs/rotate/s2anet/s2anet_1x_spine.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/spine_coco/test/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x1024x1024.npy
|
||||
@@ -0,0 +1,26 @@
|
||||
_BASE_: [
|
||||
'../../../configs/datasets/spine_coco.yml',
|
||||
'../../../configs/runtime.yml',
|
||||
'../../../configs/rotate/s2anet/_base_/s2anet_optimizer_2x.yml',
|
||||
'../../../configs/rotate/s2anet/_base_/s2anet.yml',
|
||||
'../../../configs/rotate/s2anet/_base_/s2anet_reader.yml',
|
||||
]
|
||||
pretrain_weights: https://paddledet.bj.bcebos.com/models/pretrained/ResNet50_vd_ssld_v2_pretrained.pdparams
|
||||
|
||||
weights: output/s2anet_alignconv_2x_dota/model_final
|
||||
|
||||
S2ANetHead:
|
||||
anchor_strides: [8, 16, 32, 64, 128]
|
||||
anchor_scales: [4]
|
||||
anchor_ratios: [1.0]
|
||||
anchor_assign: RBoxAssigner
|
||||
stacked_convs: 2
|
||||
feat_in: 256
|
||||
feat_out: 256
|
||||
num_classes: 9
|
||||
align_conv_type: 'AlignConv' # AlignConv Conv
|
||||
align_conv_size: 3
|
||||
use_sigmoid_cls: True
|
||||
reg_loss_weight: [1.0, 1.0, 1.0, 1.0, 1.1]
|
||||
cls_loss_weight: [1.1, 1.05]
|
||||
reg_loss_type: 'l1'
|
||||
@@ -0,0 +1,53 @@
|
||||
===========================train_params===========================
|
||||
model_name:s2anet_alignconv_2x_spine
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=24
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=1
|
||||
pretrain_weights:https://paddledet.bj.bcebos.com/models/s2anet_alignconv_2x_dota.pdparams
|
||||
trained_model_name:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/spine_coco/test/
|
||||
filename:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c test_tipc/configs/rotate/s2anet_alignconv_2x_spine.yml -o
|
||||
pact_train:tools/train.py -c test_tipc/configs/rotate/s2anet_alignconv_2x_spine.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c test_tipc/configs/rotate/s2anet_alignconv_2x_spine.yml --slim_config _template_fpgm -o
|
||||
distill_train:null
|
||||
null:null
|
||||
null:null
|
||||
##
|
||||
===========================eval_params===========================
|
||||
eval:tools/eval.py -c test_tipc/configs/rotate/s2anet_alignconv_2x_spine.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/s2anet_alignconv_2x_dota.pdparams
|
||||
norm_export:tools/export_model.py -c test_tipc/configs/rotate/s2anet_alignconv_2x_spine.yml -o
|
||||
pact_export:tools/export_model.py -c test_tipc/configs/rotate/s2anet_alignconv_2x_spine.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c test_tipc/configs/rotate/s2anet_alignconv_2x_spine.yml --slim_config _template_fpgm -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c test_tipc/configs/rotate/s2anet_alignconv_2x_spine.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/spine_coco/test/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x1024x1024.npy
|
||||
@@ -0,0 +1,31 @@
|
||||
_BASE_: [
|
||||
'../../../configs/datasets/spine_coco.yml',
|
||||
'../../../configs/runtime.yml',
|
||||
'../../../configs/rotate/s2anet/_base_/s2anet_optimizer_2x.yml',
|
||||
'../../../configs/rotate/s2anet/_base_/s2anet.yml',
|
||||
'../../../configs/rotate/s2anet/_base_/s2anet_reader.yml',
|
||||
]
|
||||
weights: output/s2anet_conv_1x_dota/model_final
|
||||
pretrain_weights: https://paddledet.bj.bcebos.com/models/pretrained/ResNet50_cos_pretrained.pdparams
|
||||
|
||||
ResNet:
|
||||
depth: 50
|
||||
variant: b
|
||||
norm_type: bn
|
||||
return_idx: [1,2,3]
|
||||
num_stages: 4
|
||||
|
||||
S2ANetHead:
|
||||
anchor_strides: [8, 16, 32, 64, 128]
|
||||
anchor_scales: [4]
|
||||
anchor_ratios: [1.0]
|
||||
anchor_assign: RBoxAssigner
|
||||
stacked_convs: 2
|
||||
feat_in: 256
|
||||
feat_out: 256
|
||||
num_classes: 9
|
||||
align_conv_type: 'Conv' # AlignConv Conv
|
||||
align_conv_size: 3
|
||||
use_sigmoid_cls: True
|
||||
reg_loss_weight: [1.0, 1.0, 1.0, 1.0, 1.1]
|
||||
cls_loss_weight: [1.1, 1.05]
|
||||
@@ -0,0 +1,53 @@
|
||||
===========================train_params===========================
|
||||
model_name:s2anet_conv_2x_spine
|
||||
python:python3.7
|
||||
gpu_list:0|0,1
|
||||
use_gpu:True
|
||||
auto_cast:null
|
||||
epoch:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=24
|
||||
save_dir:null
|
||||
TrainReader.batch_size:lite_train_lite_infer=1|lite_train_whole_infer=1|whole_train_whole_infer=1
|
||||
pretrain_weights:https://paddledet.bj.bcebos.com/models/s2anet_conv_2x_dota.pdparams
|
||||
trained_model_name:model_final.pdparams
|
||||
train_infer_img_dir:./dataset/spine_coco/test/
|
||||
filename:null
|
||||
##
|
||||
trainer:norm_train
|
||||
norm_train:tools/train.py -c test_tipc/configs/rotate/s2anet_conv_2x_spine.yml -o
|
||||
pact_train:tools/train.py -c test_tipc/configs/rotate/s2anet_conv_2x_spine.yml --slim_config _template_pact -o
|
||||
fpgm_train:tools/train.py -c test_tipc/configs/rotate/s2anet_conv_2x_spine.yml --slim_config _template_fpgm -o
|
||||
distill_train:null
|
||||
null:null
|
||||
null:null
|
||||
##
|
||||
===========================eval_params===========================
|
||||
eval:tools/eval.py -c test_tipc/configs/rotate/s2anet_conv_2x_spine.yml -o
|
||||
null:null
|
||||
##
|
||||
===========================infer_params===========================
|
||||
--output_dir:./output_inference
|
||||
weights:https://paddledet.bj.bcebos.com/models/s2anet_conv_2x_dota.pdparams
|
||||
norm_export:tools/export_model.py -c test_tipc/configs/rotate/s2anet_conv_2x_spine.yml -o
|
||||
pact_export:tools/export_model.py -c test_tipc/configs/rotate/s2anet_conv_2x_spine.yml --slim_config _template_pact -o
|
||||
fpgm_export:tools/export_model.py -c test_tipc/configs/rotate/s2anet_conv_2x_spine.yml --slim_config _template_fpgm -o
|
||||
distill_export:null
|
||||
export1:null
|
||||
export2:null
|
||||
kl_quant_export:tools/post_quant.py -c test_tipc/configs/rotate/s2anet_conv_2x_spine.yml --slim_config _template_kl_quant -o
|
||||
##
|
||||
infer_mode:norm
|
||||
infer_quant:False
|
||||
inference:./deploy/python/infer.py
|
||||
--device:gpu|cpu
|
||||
--enable_mkldnn:False
|
||||
--cpu_threads:4
|
||||
--batch_size:1
|
||||
--use_tensorrt:null
|
||||
--run_mode:paddle
|
||||
--model_dir:
|
||||
--image_dir:./dataset/spine_coco/test/
|
||||
--save_log_path:null
|
||||
--run_benchmark:False
|
||||
null:null
|
||||
===========================infer_benchmark_params===========================
|
||||
numpy_infer_input:3x1024x1024.npy
|
||||
Reference in New Issue
Block a user