From 2bec52b8d79de590f961ad73767f423cc4d26400 Mon Sep 17 00:00:00 2001 From: zhangyubo0722 Date: Fri, 3 Mar 2023 08:05:22 +0000 Subject: [PATCH] add tipc config3 --- .../configs/DPN/DPN68_train_infer_python.txt | 7 +++ .../DarkNet53_train_amp_infer_python.txt | 52 ------------------- .../DarkNet/DarkNet53_train_infer_python.txt | 7 +++ .../EfficientNetB0_train_infer_python.txt | 7 +++ .../MobileNetV2_train_infer_python.txt | 2 +- ...ileNetV3_small_x0_5_train_infer_python.txt | 7 +++ ...ileNetV3_small_x1_0_train_infer_python.txt | 7 +++ .../configs/VGG/VGG16_train_infer_python.txt | 9 +++- .../Xception41_train_infer_python.txt | 7 +++ 9 files changed, 51 insertions(+), 54 deletions(-) delete mode 100644 test_tipc/configs/DarkNet/DarkNet53_train_amp_infer_python.txt diff --git a/test_tipc/configs/DPN/DPN68_train_infer_python.txt b/test_tipc/configs/DPN/DPN68_train_infer_python.txt index 43b3f3ac8..e9ed3854c 100644 --- a/test_tipc/configs/DPN/DPN68_train_infer_python.txt +++ b/test_tipc/configs/DPN/DPN68_train_infer_python.txt @@ -50,5 +50,12 @@ inference:python/predict_cls.py -c configs/inference_cls.yaml -o Global.benchmark:False null:null null:null +===========================train_benchmark_params========================== +batch_size:64 +fp_items:fp32|fp16 +epoch:1 +model_type:norm_train|to_static_train +--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile +flags:FLAGS_eager_delete_tensor_gb=0.0;FLAGS_fraction_of_gpu_memory_to_use=0.98;FLAGS_conv_workspace_size_limit=4096 ===========================infer_benchmark_params========================== random_infer_input:[{float32,[3,224,224]}] \ No newline at end of file diff --git a/test_tipc/configs/DarkNet/DarkNet53_train_amp_infer_python.txt b/test_tipc/configs/DarkNet/DarkNet53_train_amp_infer_python.txt deleted file mode 100644 index 523314069..000000000 --- a/test_tipc/configs/DarkNet/DarkNet53_train_amp_infer_python.txt +++ /dev/null @@ -1,52 +0,0 @@ -===========================train_params=========================== -model_name:DarkNet53 -python:python3.7 -gpu_list:0|0,1 --o Global.device:gpu --o Global.auto_cast:null --o Global.epochs:lite_train_lite_infer=2|whole_train_whole_infer=120 --o Global.output_dir:./output/ --o DataLoader.Train.sampler.batch_size:8 --o Global.pretrained_model:null -train_model_name:latest -train_infer_img_dir:./dataset/ILSVRC2012/val -null:null -## -trainer:amp_train -amp_train:tools/train.py -c ppcls/configs/ImageNet/DarkNet/DarkNet53.yaml -o Global.seed=1234 -o DataLoader.Train.sampler.shuffle=False -o DataLoader.Train.loader.num_workers=0 -o DataLoader.Train.loader.use_shared_memory=False -o AMP.scale_loss=128 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Global.eval_during_train=False -o Global.save_interval=2 -pact_train:null -fpgm_train:null -distill_train:null -null:null -null:null -## -===========================eval_params=========================== -eval:tools/eval.py -c ppcls/configs/ImageNet/DarkNet/DarkNet53.yaml -null:null -## -===========================infer_params========================== --o Global.save_inference_dir:./inference --o Global.pretrained_model: -norm_export:tools/export_model.py -c ppcls/configs/ImageNet/DarkNet/DarkNet53.yaml -quant_export:null -fpgm_export:null -distill_export:null -kl_quant:null -export2:null -pretrained_model_url:https://paddle-imagenet-models-name.bj.bcebos.com/dygraph/DarkNet53_pretrained.pdparams -infer_model:../inference/ -infer_export:True -infer_quant:Fasle -inference:python/predict_cls.py -c configs/inference_cls.yaml -o PreProcess.transform_ops.0.ResizeImage.resize_short=292 -o PreProcess.transform_ops.1.CropImage.size=256 --o Global.use_gpu:True|False --o Global.enable_mkldnn:True|False --o Global.cpu_num_threads:1|6 --o Global.batch_size:1|16 --o Global.use_tensorrt:True|False --o Global.use_fp16:True|False --o Global.inference_model_dir:../inference --o Global.infer_imgs:../dataset/ILSVRC2012/val --o Global.save_log_path:null --o Global.benchmark:True -null:null -null:null diff --git a/test_tipc/configs/DarkNet/DarkNet53_train_infer_python.txt b/test_tipc/configs/DarkNet/DarkNet53_train_infer_python.txt index 44dd10505..5aca6e266 100644 --- a/test_tipc/configs/DarkNet/DarkNet53_train_infer_python.txt +++ b/test_tipc/configs/DarkNet/DarkNet53_train_infer_python.txt @@ -50,5 +50,12 @@ inference:python/predict_cls.py -c configs/inference_cls.yaml -o PreProcess.tran -o Global.benchmark:False null:null null:null +===========================train_benchmark_params========================== +batch_size:64 +fp_items:fp32|fp16 +epoch:1 +model_type:norm_train|to_static_train +--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile +flags:FLAGS_eager_delete_tensor_gb=0.0;FLAGS_fraction_of_gpu_memory_to_use=0.98;FLAGS_conv_workspace_size_limit=4096 ===========================infer_benchmark_params========================== random_infer_input:[{float32,[3,256,256]}] \ No newline at end of file diff --git a/test_tipc/configs/EfficientNet/EfficientNetB0_train_infer_python.txt b/test_tipc/configs/EfficientNet/EfficientNetB0_train_infer_python.txt index 65b88ebf8..19741bd01 100644 --- a/test_tipc/configs/EfficientNet/EfficientNetB0_train_infer_python.txt +++ b/test_tipc/configs/EfficientNet/EfficientNetB0_train_infer_python.txt @@ -50,5 +50,12 @@ inference:python/predict_cls.py -c configs/inference_cls.yaml -o Global.benchmark:False null:null null:null +===========================train_benchmark_params========================== +batch_size:128 +fp_items:fp32|fp16 +epoch:1 +model_type:norm_train|to_static_train +--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile +flags:FLAGS_eager_delete_tensor_gb=0.0;FLAGS_fraction_of_gpu_memory_to_use=0.98;FLAGS_conv_workspace_size_limit=4096 ===========================infer_benchmark_params========================== random_infer_input:[{float32,[3,224,224]}] \ No newline at end of file diff --git a/test_tipc/configs/MobileNetV2/MobileNetV2_train_infer_python.txt b/test_tipc/configs/MobileNetV2/MobileNetV2_train_infer_python.txt index 76f905c27..4561009c7 100644 --- a/test_tipc/configs/MobileNetV2/MobileNetV2_train_infer_python.txt +++ b/test_tipc/configs/MobileNetV2/MobileNetV2_train_infer_python.txt @@ -54,7 +54,7 @@ null:null batch_size:64|128 fp_items:fp32|fp16 epoch:1 -model_type:norm_train +model_type:norm_train|to_static_train --profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile flags:FLAGS_eager_delete_tensor_gb=0.0;FLAGS_fraction_of_gpu_memory_to_use=0.98;FLAGS_conv_workspace_size_limit=4096 ===========================infer_benchmark_params========================== diff --git a/test_tipc/configs/MobileNetV3/MobileNetV3_small_x0_5_train_infer_python.txt b/test_tipc/configs/MobileNetV3/MobileNetV3_small_x0_5_train_infer_python.txt index 24c40a1dd..620a44431 100644 --- a/test_tipc/configs/MobileNetV3/MobileNetV3_small_x0_5_train_infer_python.txt +++ b/test_tipc/configs/MobileNetV3/MobileNetV3_small_x0_5_train_infer_python.txt @@ -49,5 +49,12 @@ inference:python/predict_cls.py -c configs/inference_cls.yaml -o Global.save_log_path:null -o Global.benchmark:False null:null +===========================train_benchmark_params========================== +batch_size:512 +fp_items:fp32|fp16 +epoch:1 +model_type:norm_train|to_static_train +--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile +flags:FLAGS_eager_delete_tensor_gb=0.0;FLAGS_fraction_of_gpu_memory_to_use=0.98;FLAGS_conv_workspace_size_limit=4096 ===========================infer_benchmark_params========================== random_infer_input:[{float32,[3,224,224]}] \ No newline at end of file diff --git a/test_tipc/configs/MobileNetV3/MobileNetV3_small_x1_0_train_infer_python.txt b/test_tipc/configs/MobileNetV3/MobileNetV3_small_x1_0_train_infer_python.txt index c07de3e7f..3f43c50a6 100644 --- a/test_tipc/configs/MobileNetV3/MobileNetV3_small_x1_0_train_infer_python.txt +++ b/test_tipc/configs/MobileNetV3/MobileNetV3_small_x1_0_train_infer_python.txt @@ -49,5 +49,12 @@ inference:python/predict_cls.py -c configs/inference_cls.yaml -o Global.save_log_path:null -o Global.benchmark:False null:null +===========================train_benchmark_params========================== +batch_size:512 +fp_items:fp32|fp16 +epoch:1 +model_type:norm_train|to_static_train +--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile +flags:FLAGS_eager_delete_tensor_gb=0.0;FLAGS_fraction_of_gpu_memory_to_use=0.98;FLAGS_conv_workspace_size_limit=4096 ===========================infer_benchmark_params========================== random_infer_input:[{float32,[3,224,224]}] \ No newline at end of file diff --git a/test_tipc/configs/VGG/VGG16_train_infer_python.txt b/test_tipc/configs/VGG/VGG16_train_infer_python.txt index 74a0c6af8..5722b66f9 100644 --- a/test_tipc/configs/VGG/VGG16_train_infer_python.txt +++ b/test_tipc/configs/VGG/VGG16_train_infer_python.txt @@ -50,5 +50,12 @@ inference:python/predict_cls.py -c configs/inference_cls.yaml -o Global.benchmark:False null:null null:null +===========================train_benchmark_params========================== +batch_size:64 +fp_items:fp32|fp16 +epoch:1 +model_type:norm_train|to_static_train +--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile +flags:FLAGS_eager_delete_tensor_gb=0.0;FLAGS_fraction_of_gpu_memory_to_use=0.98;FLAGS_conv_workspace_size_limit=4096 ===========================infer_benchmark_params========================== -random_infer_input:[{float32,[3,224,224]}] \ No newline at end of file +random_infer_input:[{float32,[3,224,224]}] diff --git a/test_tipc/configs/Xception/Xception41_train_infer_python.txt b/test_tipc/configs/Xception/Xception41_train_infer_python.txt index 55bf6b9f0..922e8aa3b 100644 --- a/test_tipc/configs/Xception/Xception41_train_infer_python.txt +++ b/test_tipc/configs/Xception/Xception41_train_infer_python.txt @@ -50,5 +50,12 @@ inference:python/predict_cls.py -c configs/inference_cls.yaml -o PreProcess.tran -o Global.benchmark:False null:null null:null +===========================train_benchmark_params========================== +batch_size:64 +fp_items:fp32|fp16 +epoch:1 +model_type:norm_train|to_static_train +--profiler_options:batch_range=[10,20];state=GPU;tracer_option=Default;profile_path=model.profile +flags:FLAGS_eager_delete_tensor_gb=0.0;FLAGS_fraction_of_gpu_memory_to_use=0.98;FLAGS_conv_workspace_size_limit=4096 ===========================infer_benchmark_params========================== random_infer_input:[{float32,[3,299,299]}] \ No newline at end of file