Skip to content
体验新版
项目
组织
正在加载...
登录
切换导航
打开侧边栏
weixin_41840029
PaddleOCR
提交
b1ba0f7a
P
PaddleOCR
项目概览
weixin_41840029
/
PaddleOCR
与 Fork 源项目一致
Fork自
PaddlePaddle / PaddleOCR
通知
1
Star
1
Fork
0
代码
文件
提交
分支
Tags
贡献者
分支图
Diff
Issue
0
列表
看板
标记
里程碑
合并请求
0
Wiki
0
Wiki
分析
仓库
DevOps
项目成员
Pages
P
PaddleOCR
项目概览
项目概览
详情
发布
仓库
仓库
文件
提交
分支
标签
贡献者
分支图
比较
Issue
0
Issue
0
列表
看板
标记
里程碑
合并请求
0
合并请求
0
Pages
分析
分析
仓库分析
DevOps
Wiki
0
Wiki
成员
成员
收起侧边栏
关闭侧边栏
动态
分支图
创建新Issue
提交
Issue看板
未验证
提交
b1ba0f7a
编写于
11月 26, 2021
作者:
M
MissPenguin
提交者:
GitHub
11月 26, 2021
浏览文件
操作
浏览文件
下载
差异文件
Merge pull request #4767 from LDOUBLEV/test_v11
add det_mv3_db_v2.0 det_r50_db_v2.0 ch_ppocr_server_v2.0
上级
d7e7e9e4
76c23cf0
变更
15
显示空白变更内容
内联
并排
Showing
15 changed file
with
226 addition
and
136 deletion
+226
-136
test_tipc/configs/ch_PP-OCRv2/model_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
...el_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
+4
-4
test_tipc/configs/ch_PP-OCRv2_det_KL/model_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
...el_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
+5
-3
test_tipc/configs/ch_PP-OCRv2_rec_KL/model_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
...el_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
+5
-3
test_tipc/configs/ch_ppocr_mobile_V2.0_det_FPGM/train_infer_python.txt
...figs/ch_ppocr_mobile_V2.0_det_FPGM/train_infer_python.txt
+3
-3
test_tipc/configs/ch_ppocr_mobile_v2.0/model_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
...el_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
+4
-4
test_tipc/configs/ch_ppocr_mobile_v2.0_det/train_infer_python.txt
...c/configs/ch_ppocr_mobile_v2.0_det/train_infer_python.txt
+3
-3
test_tipc/configs/ch_ppocr_mobile_v2.0_det/train_mac_cpu_normal_normal_infer_python_mac_cpu.txt
..._det/train_mac_cpu_normal_normal_infer_python_mac_cpu.txt
+8
-8
test_tipc/configs/ch_ppocr_mobile_v2.0_det/train_windows_gpu_normal_normal_infer_python_windows_cpu_gpu.txt
...indows_gpu_normal_normal_infer_python_windows_cpu_gpu.txt
+9
-68
test_tipc/configs/ch_ppocr_mobile_v2.0_det_KL/model_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
...el_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
+6
-4
test_tipc/configs/ch_ppocr_mobile_v2.0_det_PACT/train_infer_python.txt
...figs/ch_ppocr_mobile_v2.0_det_PACT/train_infer_python.txt
+3
-3
test_tipc/configs/ch_ppocr_server_v2.0/model_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
...el_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
+19
-0
test_tipc/configs/det_mv3_db_v2.0/train_infer_python.txt
test_tipc/configs/det_mv3_db_v2.0/train_infer_python.txt
+51
-0
test_tipc/configs/det_r50_db_v2.0/train_infer_python.txt
test_tipc/configs/det_r50_db_v2.0/train_infer_python.txt
+51
-0
test_tipc/prepare.sh
test_tipc/prepare.sh
+27
-7
test_tipc/test_train_inference_python.sh
test_tipc/test_train_inference_python.sh
+28
-26
未找到文件。
test_tipc/configs/ch_PP-OCRv2/model_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
浏览文件 @
b1ba0f7a
...
...
@@ -5,12 +5,12 @@ infer_model:./inference/ch_PP-OCRv2_det_infer/
infer_export:null
infer_quant:True
inference:tools/infer/predict_system.py
--use_gpu:False
--enable_mkldnn:False
--use_gpu:False
|True
--enable_mkldnn:False
|True
--cpu_threads:1|6
--rec_batch_num:1
--use_tensorrt:False
--precision:
int8
--use_tensorrt:False
|True
--precision:
fp32|fp16
--det_model_dir:
--image_dir:./inference/ch_det_data_50/all-sum-510/
--rec_model_dir:./inference/ch_PP-OCRv2_rec_infer/
...
...
test_tipc/configs/ch_PP-OCRv2_det_KL/model_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
浏览文件 @
b1ba0f7a
===========================kl_quant_params===========================
model_name:PPOCRv2_ocr_det_kl
python:python3.7
Global.pretrained_model:null
Global.save_inference_dir:null
infer_model:./inference/ch_PP-OCRv2_det_infer/
infer_export:deploy/slim/quantization/quant_kl.py -c configs/det/ch_PP-OCRv2/ch_PP-OCRv2_det_cml.yml -o
infer_quant:True
inference:tools/infer/predict_det.py
--use_gpu:False
--enable_mkldnn:
Fals
e
--use_gpu:False
|True
--enable_mkldnn:
Tru
e
--cpu_threads:1|6
--rec_batch_num:1
--use_tensorrt:False
--use_tensorrt:False
|True
--precision:int8
--det_model_dir:
--image_dir:./inference/ch_det_data_50/all-sum-510/
...
...
test_tipc/configs/ch_PP-OCRv2_rec_KL/model_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
浏览文件 @
b1ba0f7a
===========================kl_quant_params===========================
model_name:PPOCRv2_ocr_rec_kl
python:python3.7
Global.pretrained_model:null
Global.save_inference_dir:null
infer_model:./inference/ch_PP-OCRv2_rec_infer/
infer_export:deploy/slim/quantization/quant_kl.py -c test_tipc/configs/ch_PP-OCRv2_rec/ch_PP-OCRv2_rec_distillation.yml -o
infer_quant:True
inference:tools/infer/predict_rec.py
--use_gpu:False
--enable_mkldnn:False
--use_gpu:False
|True
--enable_mkldnn:False
|True
--cpu_threads:1|6
--rec_batch_num:1|6
--use_tensorrt:
Fals
e
--use_tensorrt:
Tru
e
--precision:int8
--rec_model_dir:
--image_dir:./inference/rec_inference
...
...
test_tipc/configs/ch_ppocr_mobile_V2.0_det_FPGM/train_infer_python.txt
浏览文件 @
b1ba0f7a
...
...
@@ -4,7 +4,7 @@ python:python3.7
gpu_list:0|0,1
Global.use_gpu:True|True
Global.auto_cast:null
Global.epoch_num:lite_train_lite_infer=
1
|whole_train_whole_infer=300
Global.epoch_num:lite_train_lite_infer=
5
|whole_train_whole_infer=300
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
...
...
@@ -15,7 +15,7 @@ null:null
trainer:fpgm_train
norm_train:null
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:deploy/slim/prune/sensitivity_anal.py -c
configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0
.yml -o Global.pretrained_model=./pretrain_models/det_mv3_db_v2.0_train/best_accuracy
distill_train:null
null:null
null:null
...
...
@@ -29,7 +29,7 @@ Global.save_inference_dir:./output/
Global.pretrained_model:
norm_export:null
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:deploy/slim/prune/export_prune_model.py -c
configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0
.yml -o
distill_export:null
export1:null
export2:null
...
...
test_tipc/configs/ch_ppocr_mobile_v2.0/model_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
浏览文件 @
b1ba0f7a
...
...
@@ -5,12 +5,12 @@ infer_model:./inference/ch_ppocr_mobile_v2.0_det_infer/
infer_export:null
infer_quant:True
inference:tools/infer/predict_system.py
--use_gpu:False
--enable_mkldnn:False
--use_gpu:False
|True
--enable_mkldnn:False
|True
--cpu_threads:1|6
--rec_batch_num:1
--use_tensorrt:False
--precision:
int8
--use_tensorrt:False
|True
--precision:
fp32|fp16
--det_model_dir:
--image_dir:./inference/ch_det_data_50/all-sum-510/
--rec_model_dir:./inference/ch_ppocr_mobile_v2.0_rec_infer/
...
...
test_tipc/configs/ch_ppocr_mobile_v2.0_det/train_infer_python.txt
浏览文件 @
b1ba0f7a
...
...
@@ -4,7 +4,7 @@ python:python3.7
gpu_list:0|0,1
Global.use_gpu:True|True
Global.auto_cast:null
Global.epoch_num:lite_train_lite_infer=
1
|whole_train_whole_infer=300
Global.epoch_num:lite_train_lite_infer=
5
|whole_train_whole_infer=300
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
...
...
@@ -13,7 +13,7 @@ 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/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:null
fpgm_train:null
distill_train:null
...
...
@@ -27,7 +27,7 @@ null:null
===========================infer_params===========================
Global.save_inference_dir:./output/
Global.pretrained_model:
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:null
fpgm_export:null
distill_export:null
...
...
test_tipc/configs/ch_ppocr_mobile_v2.0_det/train_mac_cpu_normal_normal_infer_python_mac_cpu.txt
浏览文件 @
b1ba0f7a
...
...
@@ -4,7 +4,7 @@ python:python
gpu_list:-1
Global.use_gpu:False
Global.auto_cast:null
Global.epoch_num:lite_train_lite_infer=
1
|whole_train_whole_infer=300
Global.epoch_num:lite_train_lite_infer=
5
|whole_train_whole_infer=300
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
...
...
@@ -12,10 +12,10 @@ train_model_name:latest
train_infer_img_dir:./train_data/icdar2015/text_localization/ch4_test_images/
null:null
##
trainer:norm_train
|pact_train|fpgm_train
norm_train:tools/train.py -c
test_tipc/configs/det_mv3_db
.yml -o Global.pretrained_model=./pretrain_models/MobileNetV3_large_x0_5_pretrained
pact_train:
deploy/slim/quantization/quant.py -c test_tipc/configs/det_mv3_db.yml -o
fpgm_train:
deploy/slim/prune/sensitivity_anal.py -c test_tipc/configs/det_mv3_db.yml -o Global.pretrained_model=./pretrain_models/det_mv3_db_v2.0_train/best_accuracy
trainer:norm_train
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:
null
fpgm_train:
null
distill_train:null
null:null
null:null
...
...
@@ -27,9 +27,9 @@ null:null
===========================infer_params===========================
Global.save_inference_dir:./output/
Global.pretrained_model:
norm_export:tools/export_model.py -c
test_tipc/configs/det_mv3_db
.yml -o
quant_export:
deploy/slim/quantization/export_model.py -c test_tipc/configs/det_mv3_db.yml -o
fpgm_export:
deploy/slim/prune/export_prune_model.py -c test_tipc/configs/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:
null
fpgm_export:
null
distill_export:null
export1:null
export2:null
...
...
test_tipc/configs/ch_ppocr_mobile_v2.0_det/train_windows_gpu_normal_normal_infer_python_windows_cpu_gpu.txt
浏览文件 @
b1ba0f7a
...
...
@@ -4,7 +4,7 @@ python:python
gpu_list:0
Global.use_gpu:True
Global.auto_cast:fp32|amp
Global.epoch_num:lite_train_lite_infer=
1
|whole_train_whole_infer=300
Global.epoch_num:lite_train_lite_infer=
5
|whole_train_whole_infer=300
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
...
...
@@ -12,10 +12,10 @@ train_model_name:latest
train_infer_img_dir:./train_data/icdar2015/text_localization/ch4_test_images/
null:null
##
trainer:norm_train
|pact_train|fpgm_train
norm_train:tools/train.py -c
test_tipc/configs/det_mv3_db
.yml -o Global.pretrained_model=./pretrain_models/MobileNetV3_large_x0_5_pretrained
pact_train:
deploy/slim/quantization/quant.py -c test_tipc/configs/det_mv3_db.yml -o
fpgm_train:
deploy/slim/prune/sensitivity_anal.py -c test_tipc/configs/det_mv3_db.yml -o Global.pretrained_model=./pretrain_models/det_mv3_db_v2.0_train/best_accuracy
trainer:norm_train
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:
null
fpgm_train:
null
distill_train:null
null:null
null:null
...
...
@@ -27,9 +27,9 @@ null:null
===========================infer_params===========================
Global.save_inference_dir:./output/
Global.pretrained_model:
norm_export:tools/export_model.py -c
test_tipc/configs/det_mv3_db
.yml -o
quant_export:
deploy/slim/quantization/export_model.py -c test_tipc/configs/det_mv3_db.yml -o
fpgm_export:
deploy/slim/prune/export_prune_model.py -c test_tipc/configs/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:
null
fpgm_export:
null
distill_export:null
export1:null
export2:null
...
...
@@ -49,63 +49,4 @@ inference:tools/infer/predict_det.py
null:null
--benchmark:True
null:null
===========================cpp_infer_params===========================
use_opencv:True
infer_model:./inference/ch_ppocr_mobile_v2.0_det_infer/
infer_quant:False
inference:./deploy/cpp_infer/build/ppocr det
--use_gpu:True|False
--enable_mkldnn:True|False
--cpu_threads:1|6
--rec_batch_num:1
--use_tensorrt:False|True
--precision:fp32|fp16
--det_model_dir:
--image_dir:./inference/ch_det_data_50/all-sum-510/
null:null
--benchmark:True
===========================serving_params===========================
model_name:ocr_det
python:python3.7
trans_model:-m paddle_serving_client.convert
--dirname:./inference/ch_ppocr_mobile_v2.0_det_infer/
--model_filename:inference.pdmodel
--params_filename:inference.pdiparams
--serving_server:./deploy/pdserving/ppocr_det_mobile_2.0_serving/
--serving_client:./deploy/pdserving/ppocr_det_mobile_2.0_client/
serving_dir:./deploy/pdserving
web_service:web_service_det.py --config=config.yml --opt op.det.concurrency=1
op.det.local_service_conf.devices:null|0
op.det.local_service_conf.use_mkldnn:True|False
op.det.local_service_conf.thread_num:1|6
op.det.local_service_conf.use_trt:False|True
op.det.local_service_conf.precision:fp32|fp16|int8
pipline:pipeline_http_client.py|pipeline_rpc_client.py
--image_dir=../../doc/imgs
===========================kl_quant_params===========================
infer_model:./inference/ch_ppocr_mobile_v2.0_det_infer/
infer_export:tools/export_model.py -c configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0.yml -o
infer_quant:True
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:int8
--det_model_dir:
--image_dir:./inference/ch_det_data_50/all-sum-510/
null:null
--benchmark:True
null:null
null:null
===========================lite_params===========================
inference:./ocr_db_crnn det
infer_model:./models/ch_ppocr_mobile_v2.0_det_opt.nb|./models/ch_ppocr_mobile_v2.0_det_slim_opt.nb
--cpu_threads:1|4
--batch_size:1
--power_mode:LITE_POWER_HIGH|LITE_POWER_LOW
--image_dir:./test_data/icdar2015_lite/text_localization/ch4_test_images/|./test_data/icdar2015_lite/text_localization/ch4_test_images/img_233.jpg
--config_dir:./config.txt
--rec_dict_dir:./ppocr_keys_v1.txt
--benchmark:True
test_tipc/configs/ch_ppocr_mobile_v2.0_det_KL/model_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
浏览文件 @
b1ba0f7a
===========================kl_quant_params===========================
model_name:
PPOCRv2_ocr_det
model_name:
ch_ppocr_mobile_v2.0_det_KL
python:python3.7
Global.pretrained_model:null
Global.save_inference_dir:null
infer_model:./inference/ch_ppocr_mobile_v2.0_det_infer/
infer_export:deploy/slim/quantization/quant_kl.py -c configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0.yml -o
infer_quant:True
inference:tools/infer/predict_det.py
--use_gpu:False
--enable_mkldnn:
Fals
e
--use_gpu:False
|True
--enable_mkldnn:
Tru
e
--cpu_threads:1|6
--rec_batch_num:1
--use_tensorrt:False
--use_tensorrt:False
|True
--precision:int8
--det_model_dir:
--image_dir:./inference/ch_det_data_50/all-sum-510/
...
...
test_tipc/configs/ch_ppocr_mobile_v2.0_det_PACT/train_infer_python.txt
浏览文件 @
b1ba0f7a
...
...
@@ -4,7 +4,7 @@ python:python3.7
gpu_list:0|0,1
Global.use_gpu:True|True
Global.auto_cast:null
Global.epoch_num:lite_train_lite_infer=
1
|whole_train_whole_infer=300
Global.epoch_num:lite_train_lite_infer=
5
|whole_train_whole_infer=300
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
...
...
@@ -14,7 +14,7 @@ null:null
##
trainer:pact_train
norm_train:null
pact_train:deploy/slim/quantization/quant.py -c
test_tipc/configs/ppocr_det_mobile/det_mv3_db
.yml -o
pact_train:deploy/slim/quantization/quant.py -c
configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0
.yml -o
fpgm_train:null
distill_train:null
null:null
...
...
@@ -28,7 +28,7 @@ null:null
Global.save_inference_dir:./output/
Global.pretrained_model:
norm_export:null
quant_export:deploy/slim/quantization/export_model.py -c
test_tipc/configs/ppocr_det_mobile/det_mv3_db
.yml -o
quant_export:deploy/slim/quantization/export_model.py -c
configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0
.yml -o
fpgm_export:null
distill_export:null
export1:null
...
...
test_tipc/configs/ch_ppocr_server_v2.0/model_linux_gpu_normal_normal_infer_python_linux_gpu_cpu.txt
0 → 100644
浏览文件 @
b1ba0f7a
===========================ch_ppocr_mobile_v2.0===========================
model_name:ch_ppocr_server_v2.0
python:python3.7
infer_model:./inference/ch_ppocr_server_v2.0_det_infer/
infer_export:null
infer_quant:True
inference:tools/infer/predict_system.py
--use_gpu:False
--enable_mkldnn:False
--cpu_threads:1|6
--rec_batch_num:1
--use_tensorrt:False
--precision:int8
--det_model_dir:
--image_dir:./inference/ch_det_data_50/all-sum-510/
--rec_model_dir:./inference/ch_ppocr_server_v2.0_rec_infer/
--benchmark:True
null:null
null:null
test_tipc/configs/det_mv3_db_v2.0/train_infer_python.txt
0 → 100644
浏览文件 @
b1ba0f7a
===========================train_params===========================
model_name:det_mv3_db_v2.0
python:python3.7
gpu_list:0|0,1
Global.use_gpu:True|True
Global.auto_cast:null
Global.epoch_num:lite_train_lite_infer=1|whole_train_whole_infer=300
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/det_mv3_db.yml -o Global.pretrained_model=./pretrain_models/MobileNetV3_large_x0_5_pretrained
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.pretrained_model:
norm_export:tools/export_model.py -c configs/det/det_mv3_db.yml -o
quant_export:null
fpgm_export:null
distill_export:null
export1:null
export2:null
inference_dir:null
train_model:./inference/det_mv3_db_v2.0_train/best_accuracy
infer_export:tools/export_model.py -c configs/det/det_mv3_db.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/
null:null
--benchmark:True
null:null
\ No newline at end of file
test_tipc/configs/det_r50_db_v2.0/train_infer_python.txt
0 → 100644
浏览文件 @
b1ba0f7a
===========================train_params===========================
model_name:det_r50_db_v2.0
python:python3.7
gpu_list:0|0,1
Global.use_gpu:True|True
Global.auto_cast:null
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 configs/det/det_r50_vd_db.yml -o
quant_export:null
fpgm_export:null
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c configs/det/det_r50_vd_db.yml -o
null:null
##
===========================infer_params===========================
Global.save_inference_dir:./output/
Global.pretrained_model:
norm_export:tools/export_model.py -c configs/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/det_r50_vd_db.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
\ No newline at end of file
test_tipc/prepare.sh
浏览文件 @
b1ba0f7a
...
...
@@ -52,6 +52,15 @@ if [ ${MODE} = "lite_train_lite_infer" ];then
wget
-nc
-P
./train_data/ wget
-nc
-P
./train_data/ https://paddleocr.bj.bcebos.com/dygraph_v2.0/test/total_text_lite.tar
--no-check-certificate
cd
./train_data
&&
tar
xf total_text_lite.tar
&&
ln
-s
total_text
&&
cd
../
fi
if
[
${
model_name
}
==
"det_mv3_db_v2.0"
]
;
then
wget
-nc
-P
./inference/ https://paddleocr.bj.bcebos.com/dygraph_v2.0/en/det_mv3_db_v2.0_train.tar
--no-check-certificate
cd
./inference/
&&
tar
xf det_mv3_db_v2.0_train.tar
&&
cd
../
fi
if
[
${
model_name
}
==
"det_r50_db_v2.0"
]
;
then
wget
-nc
-P
./pretrain_models/ https://paddle-imagenet-models-name.bj.bcebos.com/dygraph/ResNet50_vd_ssld_pretrained.pdparams
--no-check-certificate
wget
-nc
-P
./inference/ https://paddleocr.bj.bcebos.com/dygraph_v2.0/en/det_r50_vd_db_v2.0_train.tar
--no-check-certificate
cd
./inference/
&&
tar
xf det_r50_vd_db_v2.0_train.tar
&&
cd
../
fi
elif
[
${
MODE
}
=
"whole_train_whole_infer"
]
;
then
wget
-nc
-P
./pretrain_models/ https://paddle-imagenet-models-name.bj.bcebos.com/dygraph/MobileNetV3_large_x0_5_pretrained.pdparams
--no-check-certificate
...
...
@@ -101,12 +110,12 @@ elif [ ${MODE} = "whole_infer" ];then
wget
-nc
-P
./inference https://paddleocr.bj.bcebos.com/dygraph_v2.0/ch/ch_ppocr_server_v2.0_det_train.tar
--no-check-certificate
wget
-nc
-P
./inference https://paddleocr.bj.bcebos.com/dygraph_v2.0/test/ch_det_data_50.tar
--no-check-certificate
cd
./inference
&&
tar
xf ch_ppocr_server_v2.0_det_train.tar
&&
tar
xf ch_det_data_50.tar
&&
cd
../
elif
[
${
model_name
}
=
"
ocr_system_mobile
"
]
;
then
elif
[
${
model_name
}
=
"
ch_ppocr_mobile_v2.0
"
]
;
then
wget
-nc
-P
./inference https://paddleocr.bj.bcebos.com/dygraph_v2.0/ch/ch_ppocr_mobile_v2.0_det_infer.tar
--no-check-certificate
wget
-nc
-P
./inference https://paddleocr.bj.bcebos.com/dygraph_v2.0/test/ch_det_data_50.tar
--no-check-certificate
wget
-nc
-P
./inference https://paddleocr.bj.bcebos.com/dygraph_v2.0/ch/ch_ppocr_mobile_v2.0_rec_infer.tar
--no-check-certificate
cd
./inference
&&
tar
xf ch_ppocr_mobile_v2.0_det_infer.tar
&&
tar
xf ch_ppocr_mobile_v2.0_rec_infer.tar
&&
tar
xf ch_det_data_50.tar
&&
cd
../
elif
[
${
model_name
}
=
"
ocr_system_server
"
]
;
then
elif
[
${
model_name
}
=
"
ch_ppocr_server_v2.0
"
]
;
then
wget
-nc
-P
./inference https://paddleocr.bj.bcebos.com/dygraph_v2.0/ch/ch_ppocr_server_v2.0_det_infer.tar
--no-check-certificate
wget
-nc
-P
./inference https://paddleocr.bj.bcebos.com/dygraph_v2.0/test/ch_det_data_50.tar
--no-check-certificate
wget
-nc
-P
./inference https://paddleocr.bj.bcebos.com/dygraph_v2.0/ch/ch_ppocr_server_v2.0_rec_infer.tar
--no-check-certificate
...
...
@@ -122,13 +131,13 @@ elif [ ${MODE} = "whole_infer" ];then
wget
-nc
-P
./inference https://paddleocr.bj.bcebos.com/dygraph_v2.0/ch/ch_ppocr_server_v2.0_rec_infer.tar
--no-check-certificate
cd
./inference
&&
tar
xf
${
eval_model_name
}
.tar
&&
tar
xf rec_inference.tar
&&
cd
../
fi
el
if
[
${
model_name
}
=
"ch_PPOCRv2_det"
]
;
then
if
[
${
model_name
}
=
"ch_PPOCRv2_det"
]
;
then
eval_model_name
=
"ch_PP-OCRv2_det_infer"
wget
-nc
-P
./inference https://paddleocr.bj.bcebos.com/dygraph_v2.0/test/ch_det_data_50.tar
--no-check-certificate
wget
-nc
-P
./inference/ https://paddleocr.bj.bcebos.com/PP-OCRv2/chinese/ch_PP-OCRv2_det_infer.tar
--no-check-certificate
cd
./inference
&&
tar
xf
${
eval_model_name
}
.tar
&&
tar
xf ch_det_data_50.tar
&&
cd
../
fi
el
if
[
${
model_name
}
=
"ch_PPOCRv2_det"
]
;
then
if
[
${
model_name
}
=
"ch_PPOCRv2_det"
]
;
then
wget
-nc
-P
./inference/ https://paddleocr.bj.bcebos.com/dygraph_v2.0/test/ch_det_data_50.tar
--no-check-certificate
wget
-nc
-P
./inference/ https://paddleocr.bj.bcebos.com/dygraph_v2.0/pgnet/e2e_server_pgnetA_infer.tar
--no-check-certificate
cd
./inference
&&
tar
xf e2e_server_pgnetA_infer.tar
&&
tar
xf ch_det_data_50.tar
&&
cd
../
...
...
@@ -139,11 +148,22 @@ elif [ ${MODE} = "whole_infer" ];then
fi
if
[
${
model_name
}
==
"det_r50_vd_sast_icdar15_v2.0"
]
;
then
wget
-nc
-P
./inference/ https://paddleocr.bj.bcebos.com/dygraph_v2.0/en/det_r50_vd_sast_icdar15_v2.0_train.tar
--no-check-certificate
cd
./inference/
&&
tar
det_r50_vd_sast_icdar15_v2.0_train.tar
&&
cd
../
cd
./inference/
&&
tar
xf
det_r50_vd_sast_icdar15_v2.0_train.tar
&&
cd
../
fi
if
[
${
model_name
}
==
"det_mv3_db_v2.0"
]
;
then
wget
-nc
-P
./inference/ https://paddleocr.bj.bcebos.com/dygraph_v2.0/en/det_mv3_db_v2.0_train.tar
--no-check-certificate
cd
./inference/
&&
tar
xf det_mv3_db_v2.0_train.tar
&&
cd
../
fi
if
[
${
model_name
}
==
"det_r50_db_v2.0"
]
;
then
wget
-nc
-P
./inference/ https://paddleocr.bj.bcebos.com/dygraph_v2.0/en/det_r50_vd_db_v2.0_train.tar
--no-check-certificate
cd
./inference/
&&
tar
xf det_r50_vd_db_v2.0_train.tar
&&
cd
../
fi
fi
if
[
${
MODE
}
=
"klquant_whole_infer"
]
;
then
if
[
${
model_name
}
=
"ch_ppocr_mobile_v2.0_det"
]
;
then
wget
-nc
-P
./train_data/ https://paddleocr.bj.bcebos.com/dygraph_v2.0/test/icdar2015_lite.tar
--no-check-certificate
cd
./train_data/
&&
tar
xf icdar2015_lite.tar
ln
-s
./icdar2015_lite ./icdar2015
&&
cd
../
if
[
${
model_name
}
=
"ch_ppocr_mobile_v2.0_det_KL"
]
;
then
wget
-nc
-P
./inference https://paddleocr.bj.bcebos.com/dygraph_v2.0/ch/ch_ppocr_mobile_v2.0_det_infer.tar
--no-check-certificate
wget
-nc
-P
./inference https://paddleocr.bj.bcebos.com/dygraph_v2.0/test/ch_det_data_50.tar
--no-check-certificate
cd
./inference
&&
tar
xf ch_ppocr_mobile_v2.0_det_infer.tar
&&
tar
xf ch_det_data_50.tar
&&
cd
../
...
...
test_tipc/test_train_inference_python.sh
浏览文件 @
b1ba0f7a
...
...
@@ -90,36 +90,38 @@ infer_value1=$(func_parser_value "${lines[50]}")
# parser klquant_infer
if
[
${
MODE
}
=
"klquant_whole_infer"
]
;
then
dataline
=
$(
awk
'NR==1 NR==17{print}'
$FILENAME
)
dataline
=
$(
awk
'NR==1
,
NR==17{print}'
$FILENAME
)
lines
=(
${
dataline
}
)
model_name
=
$(
func_parser_value
"
${
lines
[1]
}
"
)
python
=
$(
func_parser_value
"
${
lines
[2]
}
"
)
export_weight
=
$(
func_parser_key
"
${
lines
[3]
}
"
)
save_infer_key
=
$(
func_parser_key
"
${
lines
[4]
}
"
)
# parser inference model
infer_model_dir_list
=
$(
func_parser_value
"
${
lines
[
3
]
}
"
)
infer_export_list
=
$(
func_parser_value
"
${
lines
[
4
]
}
"
)
infer_is_quant
=
$(
func_parser_value
"
${
lines
[
5
]
}
"
)
infer_model_dir_list
=
$(
func_parser_value
"
${
lines
[
5
]
}
"
)
infer_export_list
=
$(
func_parser_value
"
${
lines
[
6
]
}
"
)
infer_is_quant
=
$(
func_parser_value
"
${
lines
[
7
]
}
"
)
# parser inference
inference_py
=
$(
func_parser_value
"
${
lines
[
6
]
}
"
)
use_gpu_key
=
$(
func_parser_key
"
${
lines
[
7
]
}
"
)
use_gpu_list
=
$(
func_parser_value
"
${
lines
[
7
]
}
"
)
use_mkldnn_key
=
$(
func_parser_key
"
${
lines
[
8
]
}
"
)
use_mkldnn_list
=
$(
func_parser_value
"
${
lines
[
8
]
}
"
)
cpu_threads_key
=
$(
func_parser_key
"
${
lines
[
9
]
}
"
)
cpu_threads_list
=
$(
func_parser_value
"
${
lines
[
9
]
}
"
)
batch_size_key
=
$(
func_parser_key
"
${
lines
[1
0
]
}
"
)
batch_size_list
=
$(
func_parser_value
"
${
lines
[1
0
]
}
"
)
use_trt_key
=
$(
func_parser_key
"
${
lines
[1
1
]
}
"
)
use_trt_list
=
$(
func_parser_value
"
${
lines
[1
1
]
}
"
)
precision_key
=
$(
func_parser_key
"
${
lines
[1
2
]
}
"
)
precision_list
=
$(
func_parser_value
"
${
lines
[1
2
]
}
"
)
infer_model_key
=
$(
func_parser_key
"
${
lines
[1
3
]
}
"
)
image_dir_key
=
$(
func_parser_key
"
${
lines
[1
4
]
}
"
)
infer_img_dir
=
$(
func_parser_value
"
${
lines
[1
4
]
}
"
)
save_log_key
=
$(
func_parser_key
"
${
lines
[1
5
]
}
"
)
benchmark_key
=
$(
func_parser_key
"
${
lines
[1
6
]
}
"
)
benchmark_value
=
$(
func_parser_value
"
${
lines
[1
6
]
}
"
)
infer_key1
=
$(
func_parser_key
"
${
lines
[1
7
]
}
"
)
infer_value1
=
$(
func_parser_value
"
${
lines
[1
7
]
}
"
)
inference_py
=
$(
func_parser_value
"
${
lines
[
8
]
}
"
)
use_gpu_key
=
$(
func_parser_key
"
${
lines
[
9
]
}
"
)
use_gpu_list
=
$(
func_parser_value
"
${
lines
[
9
]
}
"
)
use_mkldnn_key
=
$(
func_parser_key
"
${
lines
[
10
]
}
"
)
use_mkldnn_list
=
$(
func_parser_value
"
${
lines
[
10
]
}
"
)
cpu_threads_key
=
$(
func_parser_key
"
${
lines
[
11
]
}
"
)
cpu_threads_list
=
$(
func_parser_value
"
${
lines
[
11
]
}
"
)
batch_size_key
=
$(
func_parser_key
"
${
lines
[1
2
]
}
"
)
batch_size_list
=
$(
func_parser_value
"
${
lines
[1
2
]
}
"
)
use_trt_key
=
$(
func_parser_key
"
${
lines
[1
3
]
}
"
)
use_trt_list
=
$(
func_parser_value
"
${
lines
[1
3
]
}
"
)
precision_key
=
$(
func_parser_key
"
${
lines
[1
4
]
}
"
)
precision_list
=
$(
func_parser_value
"
${
lines
[1
4
]
}
"
)
infer_model_key
=
$(
func_parser_key
"
${
lines
[1
5
]
}
"
)
image_dir_key
=
$(
func_parser_key
"
${
lines
[1
6
]
}
"
)
infer_img_dir
=
$(
func_parser_value
"
${
lines
[1
6
]
}
"
)
save_log_key
=
$(
func_parser_key
"
${
lines
[1
7
]
}
"
)
benchmark_key
=
$(
func_parser_key
"
${
lines
[1
8
]
}
"
)
benchmark_value
=
$(
func_parser_value
"
${
lines
[1
8
]
}
"
)
infer_key1
=
$(
func_parser_key
"
${
lines
[1
9
]
}
"
)
infer_value1
=
$(
func_parser_value
"
${
lines
[1
9
]
}
"
)
fi
LOG_PATH
=
"./test_tipc/output"
...
...
@@ -235,7 +237,7 @@ if [ ${MODE} = "whole_infer" ] || [ ${MODE} = "klquant_whole_infer" ]; then
fi
#run inference
is_quant
=
${
infer_quant_flag
[Count]
}
if
[
${
MODE
}
=
"klquant_infer"
]
;
then
if
[
${
MODE
}
=
"klquant_
whole_
infer"
]
;
then
is_quant
=
"True"
fi
func_inference
"
${
python
}
"
"
${
inference_py
}
"
"
${
save_infer_dir
}
"
"
${
LOG_PATH
}
"
"
${
infer_img_dir
}
"
${
is_quant
}
...
...
编辑
预览
Markdown
is supported
0%
请重试
或
添加新附件
.
添加附件
取消
You are about to add
0
people
to the discussion. Proceed with caution.
先完成此消息的编辑!
取消
想要评论请
注册
或
登录