mirror of
https://github.com/PaddlePaddle/PaddleOCR.git
synced 2025-06-03 21:53:39 +08:00
add amp configs for ppocr det
This commit is contained in:
parent
bdca6cd7e5
commit
252d4dfb87
@ -0,0 +1,53 @@
|
|||||||
|
===========================train_params===========================
|
||||||
|
model_name:ch_PPOCRv2_det
|
||||||
|
python:python3.7
|
||||||
|
gpu_list:0|0,1
|
||||||
|
Global.use_gpu:True|True
|
||||||
|
Global.auto_cast:amp
|
||||||
|
Global.epoch_num:lite_train_lite_infer=1|whole_train_whole_infer=500
|
||||||
|
Global.save_model_dir:./output/
|
||||||
|
Train.loader.batch_size_per_card:lite_train_lite_infer=2|whole_train_whole_infer=4
|
||||||
|
Global.pretrained_model:null
|
||||||
|
train_model_name:latest
|
||||||
|
train_infer_img_dir:./train_data/icdar2015/text_localization/ch4_test_images/
|
||||||
|
null:null
|
||||||
|
##
|
||||||
|
trainer:norm_train
|
||||||
|
norm_train:tools/train.py -c configs/det/ch_PP-OCRv2/ch_PP-OCRv2_det_cml.yml -o
|
||||||
|
pact_train:null
|
||||||
|
fpgm_train:null
|
||||||
|
distill_train:null
|
||||||
|
null:null
|
||||||
|
null:null
|
||||||
|
##
|
||||||
|
===========================eval_params===========================
|
||||||
|
eval:null
|
||||||
|
null:null
|
||||||
|
##
|
||||||
|
===========================infer_params===========================
|
||||||
|
Global.save_inference_dir:./output/
|
||||||
|
Global.checkpoints:
|
||||||
|
norm_export:tools/export_model.py -c configs/det/ch_PP-OCRv2/ch_PP-OCRv2_det_cml.yml -o
|
||||||
|
quant_export:null
|
||||||
|
fpgm_export:
|
||||||
|
distill_export:null
|
||||||
|
export1:null
|
||||||
|
export2:null
|
||||||
|
inference_dir:Student
|
||||||
|
infer_model:./inference/ch_PP-OCRv2_det_infer/
|
||||||
|
infer_export:null
|
||||||
|
infer_quant:False
|
||||||
|
inference:tools/infer/predict_det.py
|
||||||
|
--use_gpu:True|False
|
||||||
|
--enable_mkldnn:True|False
|
||||||
|
--cpu_threads:1|6
|
||||||
|
--rec_batch_num:1
|
||||||
|
--use_tensorrt:False|True
|
||||||
|
--precision:fp32|fp16|int8
|
||||||
|
--det_model_dir:
|
||||||
|
--image_dir:./inference/ch_det_data_50/all-sum-510/
|
||||||
|
null:null
|
||||||
|
--benchmark:True
|
||||||
|
null:null
|
||||||
|
===========================infer_benchmark_params==========================
|
||||||
|
random_infer_input:[{float32,[3,640,640]}];[{float32,[3,960,960]}]
|
@ -1,126 +0,0 @@
|
|||||||
Global:
|
|
||||||
use_gpu: false
|
|
||||||
epoch_num: 5
|
|
||||||
log_smooth_window: 20
|
|
||||||
print_batch_step: 1
|
|
||||||
save_model_dir: ./output/db_mv3/
|
|
||||||
save_epoch_step: 1200
|
|
||||||
# evaluation is run every 2000 iterations
|
|
||||||
eval_batch_step: [0, 400]
|
|
||||||
cal_metric_during_train: False
|
|
||||||
pretrained_model: ./pretrain_models/MobileNetV3_large_x0_5_pretrained
|
|
||||||
checkpoints:
|
|
||||||
save_inference_dir:
|
|
||||||
use_visualdl: False
|
|
||||||
infer_img: doc/imgs_en/img_10.jpg
|
|
||||||
save_res_path: ./output/det_db/predicts_db.txt
|
|
||||||
|
|
||||||
Architecture:
|
|
||||||
model_type: det
|
|
||||||
algorithm: DB
|
|
||||||
Transform:
|
|
||||||
Backbone:
|
|
||||||
name: MobileNetV3
|
|
||||||
scale: 0.5
|
|
||||||
model_name: large
|
|
||||||
disable_se: False
|
|
||||||
Neck:
|
|
||||||
name: DBFPN
|
|
||||||
out_channels: 256
|
|
||||||
Head:
|
|
||||||
name: DBHead
|
|
||||||
k: 50
|
|
||||||
|
|
||||||
Loss:
|
|
||||||
name: DBLoss
|
|
||||||
balance_loss: true
|
|
||||||
main_loss_type: DiceLoss
|
|
||||||
alpha: 5
|
|
||||||
beta: 10
|
|
||||||
ohem_ratio: 3
|
|
||||||
|
|
||||||
Optimizer:
|
|
||||||
name: Adam #Momentum
|
|
||||||
#momentum: 0.9
|
|
||||||
beta1: 0.9
|
|
||||||
beta2: 0.999
|
|
||||||
lr:
|
|
||||||
learning_rate: 0.001
|
|
||||||
regularizer:
|
|
||||||
name: 'L2'
|
|
||||||
factor: 0
|
|
||||||
|
|
||||||
PostProcess:
|
|
||||||
name: DBPostProcess
|
|
||||||
thresh: 0.3
|
|
||||||
box_thresh: 0.6
|
|
||||||
max_candidates: 1000
|
|
||||||
unclip_ratio: 1.5
|
|
||||||
|
|
||||||
Metric:
|
|
||||||
name: DetMetric
|
|
||||||
main_indicator: hmean
|
|
||||||
|
|
||||||
Train:
|
|
||||||
dataset:
|
|
||||||
name: SimpleDataSet
|
|
||||||
data_dir: ./train_data/icdar2015/text_localization/
|
|
||||||
label_file_list:
|
|
||||||
- ./train_data/icdar2015/text_localization/train_icdar2015_label.txt
|
|
||||||
ratio_list: [1.0]
|
|
||||||
transforms:
|
|
||||||
- DecodeImage: # load image
|
|
||||||
img_mode: BGR
|
|
||||||
channel_first: False
|
|
||||||
- DetLabelEncode: # Class handling label
|
|
||||||
- Resize:
|
|
||||||
size: [640, 640]
|
|
||||||
- MakeBorderMap:
|
|
||||||
shrink_ratio: 0.4
|
|
||||||
thresh_min: 0.3
|
|
||||||
thresh_max: 0.7
|
|
||||||
- MakeShrinkMap:
|
|
||||||
shrink_ratio: 0.4
|
|
||||||
min_text_size: 8
|
|
||||||
- NormalizeImage:
|
|
||||||
scale: 1./255.
|
|
||||||
mean: [0.485, 0.456, 0.406]
|
|
||||||
std: [0.229, 0.224, 0.225]
|
|
||||||
order: 'hwc'
|
|
||||||
- ToCHWImage:
|
|
||||||
- KeepKeys:
|
|
||||||
keep_keys: ['image', 'threshold_map', 'threshold_mask', 'shrink_map', 'shrink_mask'] # the order of the dataloader list
|
|
||||||
loader:
|
|
||||||
shuffle: False
|
|
||||||
drop_last: False
|
|
||||||
batch_size_per_card: 1
|
|
||||||
num_workers: 0
|
|
||||||
use_shared_memory: False
|
|
||||||
|
|
||||||
Eval:
|
|
||||||
dataset:
|
|
||||||
name: SimpleDataSet
|
|
||||||
data_dir: ./train_data/icdar2015/text_localization/
|
|
||||||
label_file_list:
|
|
||||||
- ./train_data/icdar2015/text_localization/test_icdar2015_label.txt
|
|
||||||
transforms:
|
|
||||||
- DecodeImage: # load image
|
|
||||||
img_mode: BGR
|
|
||||||
channel_first: False
|
|
||||||
- DetLabelEncode: # Class handling label
|
|
||||||
- DetResizeForTest:
|
|
||||||
image_shape: [736, 1280]
|
|
||||||
- NormalizeImage:
|
|
||||||
scale: 1./255.
|
|
||||||
mean: [0.485, 0.456, 0.406]
|
|
||||||
std: [0.229, 0.224, 0.225]
|
|
||||||
order: 'hwc'
|
|
||||||
- ToCHWImage:
|
|
||||||
- KeepKeys:
|
|
||||||
keep_keys: ['image', 'shape', 'polys', 'ignore_tags']
|
|
||||||
loader:
|
|
||||||
shuffle: False
|
|
||||||
drop_last: False
|
|
||||||
batch_size_per_card: 1 # must be 1
|
|
||||||
num_workers: 0
|
|
||||||
use_shared_memory: False
|
|
@ -4,7 +4,7 @@ python:python3.7
|
|||||||
gpu_list:0|0,1
|
gpu_list:0|0,1
|
||||||
Global.use_gpu:True|True
|
Global.use_gpu:True|True
|
||||||
Global.auto_cast:null
|
Global.auto_cast:null
|
||||||
Global.epoch_num:lite_train_lite_infer=100|whole_train_whole_infer=300
|
Global.epoch_num:lite_train_lite_infer=2|whole_train_whole_infer=300
|
||||||
Global.save_model_dir:./output/
|
Global.save_model_dir:./output/
|
||||||
Train.loader.batch_size_per_card:lite_train_lite_infer=2|whole_train_whole_infer=4
|
Train.loader.batch_size_per_card:lite_train_lite_infer=2|whole_train_whole_infer=4
|
||||||
Global.pretrained_model:null
|
Global.pretrained_model:null
|
||||||
|
@ -1,10 +1,10 @@
|
|||||||
===========================train_params===========================
|
===========================train_params===========================
|
||||||
model_name:ocr_det
|
model_name:ch_ppocr_mobile_v2.0_det
|
||||||
python:python3.7
|
python:python3.7
|
||||||
gpu_list:0|0,1
|
gpu_list:0|0,1
|
||||||
Global.use_gpu:True|True
|
Global.use_gpu:True|True
|
||||||
Global.auto_cast:amp
|
Global.auto_cast:amp
|
||||||
Global.epoch_num:lite_train_lite_infer=1|whole_train_whole_infer=300
|
Global.epoch_num:lite_train_lite_infer=2|whole_train_whole_infer=300
|
||||||
Global.save_model_dir:./output/
|
Global.save_model_dir:./output/
|
||||||
Train.loader.batch_size_per_card:lite_train_lite_infer=2|whole_train_whole_infer=4
|
Train.loader.batch_size_per_card:lite_train_lite_infer=2|whole_train_whole_infer=4
|
||||||
Global.pretrained_model:null
|
Global.pretrained_model:null
|
||||||
@ -12,10 +12,10 @@ train_model_name:latest
|
|||||||
train_infer_img_dir:./train_data/icdar2015/text_localization/ch4_test_images/
|
train_infer_img_dir:./train_data/icdar2015/text_localization/ch4_test_images/
|
||||||
null:null
|
null:null
|
||||||
##
|
##
|
||||||
trainer:norm_train|pact_train|fpgm_train
|
trainer:norm_train
|
||||||
norm_train:tools/train.py -c test_tipc/configs/ppocr_det_mobile/det_mv3_db.yml -o Global.pretrained_model=./pretrain_models/MobileNetV3_large_x0_5_pretrained
|
norm_train:tools/train.py -c configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0.yml -o Global.pretrained_model=./pretrain_models/MobileNetV3_large_x0_5_pretrained
|
||||||
pact_train:deploy/slim/quantization/quant.py -c test_tipc/configs/ppocr_det_mobile/det_mv3_db.yml -o
|
pact_train:null
|
||||||
fpgm_train:deploy/slim/prune/sensitivity_anal.py -c test_tipc/configs/ppocr_det_mobile/det_mv3_db.yml -o Global.pretrained_model=./pretrain_models/det_mv3_db_v2.0_train/best_accuracy
|
fpgm_train:null
|
||||||
distill_train:null
|
distill_train:null
|
||||||
null:null
|
null:null
|
||||||
null:null
|
null:null
|
||||||
@ -26,10 +26,10 @@ null:null
|
|||||||
##
|
##
|
||||||
===========================infer_params===========================
|
===========================infer_params===========================
|
||||||
Global.save_inference_dir:./output/
|
Global.save_inference_dir:./output/
|
||||||
Global.pretrained_model:
|
Global.checkpoints:
|
||||||
norm_export:tools/export_model.py -c test_tipc/configs/ppocr_det_mobile/det_mv3_db.yml -o
|
norm_export:tools/export_model.py -c configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0.yml -o
|
||||||
quant_export:deploy/slim/quantization/export_model.py -c test_tipc/configs/ppocr_det_mobile/det_mv3_db.yml -o
|
quant_export:null
|
||||||
fpgm_export:deploy/slim/prune/export_prune_model.py -c test_tipc/configs/ppocr_det_mobile/det_mv3_db.yml -o
|
fpgm_export:null
|
||||||
distill_export:null
|
distill_export:null
|
||||||
export1:null
|
export1:null
|
||||||
export2:null
|
export2:null
|
||||||
@ -49,3 +49,5 @@ inference:tools/infer/predict_det.py
|
|||||||
null:null
|
null:null
|
||||||
--benchmark:True
|
--benchmark:True
|
||||||
null:null
|
null:null
|
||||||
|
===========================infer_benchmark_params==========================
|
||||||
|
random_infer_input:[{float32,[3,640,640]}];[{float32,[3,960,960]}]
|
@ -0,0 +1,53 @@
|
|||||||
|
===========================train_params===========================
|
||||||
|
model_name:ch_ppocr_server_v2.0_det
|
||||||
|
python:python3.7
|
||||||
|
gpu_list:0|0,1
|
||||||
|
Global.use_gpu:True|True
|
||||||
|
Global.auto_cast:amp
|
||||||
|
Global.epoch_num:lite_train_lite_infer=2|whole_train_whole_infer=300
|
||||||
|
Global.save_model_dir:./output/
|
||||||
|
Train.loader.batch_size_per_card:lite_train_lite_infer=2|whole_train_lite_infer=4
|
||||||
|
Global.pretrained_model:null
|
||||||
|
train_model_name:latest
|
||||||
|
train_infer_img_dir:./train_data/icdar2015/text_localization/ch4_test_images/
|
||||||
|
null:null
|
||||||
|
##
|
||||||
|
trainer:norm_train
|
||||||
|
norm_train:tools/train.py -c test_tipc/configs/ch_ppocr_server_v2.0_det/det_r50_vd_db.yml -o
|
||||||
|
quant_train:null
|
||||||
|
fpgm_train:null
|
||||||
|
distill_train:null
|
||||||
|
null:null
|
||||||
|
null:null
|
||||||
|
##
|
||||||
|
===========================eval_params===========================
|
||||||
|
eval:tools/eval.py -c test_tipc/configs/ch_ppocr_server_v2.0_det/det_r50_vd_db.yml -o
|
||||||
|
null:null
|
||||||
|
##
|
||||||
|
===========================infer_params===========================
|
||||||
|
Global.save_inference_dir:./output/
|
||||||
|
Global.checkpoints:
|
||||||
|
norm_export:tools/export_model.py -c test_tipc/configs/ch_ppocr_server_v2.0_det/det_r50_vd_db.yml -o
|
||||||
|
quant_export:null
|
||||||
|
fpgm_export:null
|
||||||
|
distill_export:null
|
||||||
|
export1:null
|
||||||
|
export2:null
|
||||||
|
##
|
||||||
|
train_model:./inference/ch_ppocr_server_v2.0_det_train/best_accuracy
|
||||||
|
infer_export:tools/export_model.py -c configs/det/ch_ppocr_v2.0/ch_det_res18_db_v2.0.yml -o
|
||||||
|
infer_quant:False
|
||||||
|
inference:tools/infer/predict_det.py
|
||||||
|
--use_gpu:True|False
|
||||||
|
--enable_mkldnn:True|False
|
||||||
|
--cpu_threads:1|6
|
||||||
|
--rec_batch_num:1
|
||||||
|
--use_tensorrt:False|True
|
||||||
|
--precision:fp32|fp16|int8
|
||||||
|
--det_model_dir:
|
||||||
|
--image_dir:./inference/ch_det_data_50/all-sum-510/
|
||||||
|
--save_log_path:null
|
||||||
|
--benchmark:True
|
||||||
|
null:null
|
||||||
|
===========================infer_benchmark_params==========================
|
||||||
|
random_infer_input:[{float32,[3,640,640]}];[{float32,[3,960,960]}]
|
Loading…
x
Reference in New Issue
Block a user