Skip to content
体验新版
项目
组织
正在加载...
登录
切换导航
打开侧边栏
PaddlePaddle
PaddleClas
提交
5cc6c50c
P
PaddleClas
项目概览
PaddlePaddle
/
PaddleClas
大约 2 年 前同步成功
通知
118
Star
4999
Fork
1114
代码
文件
提交
分支
Tags
贡献者
分支图
Diff
Issue
19
列表
看板
标记
里程碑
合并请求
6
Wiki
0
Wiki
分析
仓库
DevOps
项目成员
Pages
P
PaddleClas
项目概览
项目概览
详情
发布
仓库
仓库
文件
提交
分支
标签
贡献者
分支图
比较
Issue
19
Issue
19
列表
看板
标记
里程碑
合并请求
6
合并请求
6
Pages
分析
分析
仓库分析
DevOps
Wiki
0
Wiki
成员
成员
收起侧边栏
关闭侧边栏
动态
分支图
创建新Issue
提交
Issue看板
未验证
提交
5cc6c50c
编写于
6月 27, 2022
作者:
H
HydrogenSulfate
提交者:
GitHub
6月 27, 2022
浏览文件
操作
浏览文件
下载
差异文件
Merge pull request #2104 from HydrogenSulfate/add_ampO2_train
Add amp O2 train
上级
3ec0edc3
e866a217
变更
19
显示空白变更内容
内联
并排
Showing
19 changed file
with
315 addition
and
142 deletion
+315
-142
ppcls/arch/backbone/model_zoo/vision_transformer.py
ppcls/arch/backbone/model_zoo/vision_transformer.py
+1
-1
ppcls/engine/evaluation/retrieval.py
ppcls/engine/evaluation/retrieval.py
+9
-1
ppcls/optimizer/optimizer.py
ppcls/optimizer/optimizer.py
+21
-9
test_tipc/config/GeneralRecognition/GeneralRecognition_PPLCNet_x2_5_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+9
-9
test_tipc/config/MobileNetV3/MobileNetV3_large_x1_0_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+15
-15
test_tipc/config/PPHGNet/PPHGNet_small_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+51
-0
test_tipc/config/PPHGNet/PPHGNet_tiny_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+51
-0
test_tipc/config/PPLCNet/PPLCNet_x0_25_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+9
-9
test_tipc/config/PPLCNet/PPLCNet_x0_35_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+9
-9
test_tipc/config/PPLCNet/PPLCNet_x0_5_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+9
-9
test_tipc/config/PPLCNet/PPLCNet_x0_75_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+9
-9
test_tipc/config/PPLCNet/PPLCNet_x1_0_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+9
-9
test_tipc/config/PPLCNet/PPLCNet_x1_5_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+9
-9
test_tipc/config/PPLCNet/PPLCNet_x2_0_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+9
-9
test_tipc/config/PPLCNet/PPLCNet_x2_5_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+11
-11
test_tipc/config/PPLCNetV2/PPLCNetV2_base_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+51
-0
test_tipc/config/ResNet/ResNet50_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+9
-9
test_tipc/config/ResNet/ResNet50_vd_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+15
-15
test_tipc/config/SwinTransformer/SwinTransformer_tiny_patch4_window7_224_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
...train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
+9
-9
未找到文件。
ppcls/arch/backbone/model_zoo/vision_transformer.py
浏览文件 @
5cc6c50c
...
@@ -62,7 +62,7 @@ def drop_path(x, drop_prob=0., training=False):
...
@@ -62,7 +62,7 @@ def drop_path(x, drop_prob=0., training=False):
return
x
return
x
keep_prob
=
paddle
.
to_tensor
(
1
-
drop_prob
)
keep_prob
=
paddle
.
to_tensor
(
1
-
drop_prob
)
shape
=
(
paddle
.
shape
(
x
)[
0
],
)
+
(
1
,
)
*
(
x
.
ndim
-
1
)
shape
=
(
paddle
.
shape
(
x
)[
0
],
)
+
(
1
,
)
*
(
x
.
ndim
-
1
)
random_tensor
=
keep_prob
+
paddle
.
rand
(
shape
,
dtype
=
x
.
dtype
)
random_tensor
=
keep_prob
+
paddle
.
rand
(
shape
).
astype
(
x
.
dtype
)
random_tensor
=
paddle
.
floor
(
random_tensor
)
# binarize
random_tensor
=
paddle
.
floor
(
random_tensor
)
# binarize
output
=
x
.
divide
(
keep_prob
)
*
random_tensor
output
=
x
.
divide
(
keep_prob
)
*
random_tensor
return
output
return
output
...
...
ppcls/engine/evaluation/retrieval.py
浏览文件 @
5cc6c50c
...
@@ -159,6 +159,14 @@ def cal_feature(engine, name='gallery'):
...
@@ -159,6 +159,14 @@ def cal_feature(engine, name='gallery'):
if
len
(
batch
)
==
3
:
if
len
(
batch
)
==
3
:
has_unique_id
=
True
has_unique_id
=
True
batch
[
2
]
=
batch
[
2
].
reshape
([
-
1
,
1
]).
astype
(
"int64"
)
batch
[
2
]
=
batch
[
2
].
reshape
([
-
1
,
1
]).
astype
(
"int64"
)
if
engine
.
amp
and
engine
.
amp_eval
:
with
paddle
.
amp
.
auto_cast
(
custom_black_list
=
{
"flatten_contiguous_range"
,
"greater_than"
},
level
=
engine
.
amp_level
):
out
=
engine
.
model
(
batch
[
0
],
batch
[
1
])
else
:
out
=
engine
.
model
(
batch
[
0
],
batch
[
1
])
out
=
engine
.
model
(
batch
[
0
],
batch
[
1
])
if
"Student"
in
out
:
if
"Student"
in
out
:
out
=
out
[
"Student"
]
out
=
out
[
"Student"
]
...
...
ppcls/optimizer/optimizer.py
浏览文件 @
5cc6c50c
...
@@ -16,9 +16,9 @@ from __future__ import absolute_import
...
@@ -16,9 +16,9 @@ from __future__ import absolute_import
from
__future__
import
division
from
__future__
import
division
from
__future__
import
print_function
from
__future__
import
print_function
from
paddle
import
optimizer
as
optim
import
inspect
import
paddle
from
paddle
import
optimizer
as
optim
from
ppcls.utils
import
logger
from
ppcls.utils
import
logger
...
@@ -49,16 +49,27 @@ class SGD(object):
...
@@ -49,16 +49,27 @@ class SGD(object):
learning_rate
=
0.001
,
learning_rate
=
0.001
,
weight_decay
=
None
,
weight_decay
=
None
,
grad_clip
=
None
,
grad_clip
=
None
,
multi_precision
=
False
,
name
=
None
):
name
=
None
):
self
.
learning_rate
=
learning_rate
self
.
learning_rate
=
learning_rate
self
.
weight_decay
=
weight_decay
self
.
weight_decay
=
weight_decay
self
.
grad_clip
=
grad_clip
self
.
grad_clip
=
grad_clip
self
.
multi_precision
=
multi_precision
self
.
name
=
name
self
.
name
=
name
def
__call__
(
self
,
model_list
):
def
__call__
(
self
,
model_list
):
# model_list is None in static graph
# model_list is None in static graph
parameters
=
sum
([
m
.
parameters
()
for
m
in
model_list
],
parameters
=
sum
([
m
.
parameters
()
for
m
in
model_list
],
[])
if
model_list
else
None
[])
if
model_list
else
None
argspec
=
inspect
.
getargspec
(
optim
.
SGD
.
__init__
).
args
if
'multi_precision'
in
argspec
:
opt
=
optim
.
SGD
(
learning_rate
=
self
.
learning_rate
,
parameters
=
parameters
,
weight_decay
=
self
.
weight_decay
,
grad_clip
=
self
.
grad_clip
,
multi_precision
=
self
.
multi_precision
,
name
=
self
.
name
)
else
:
opt
=
optim
.
SGD
(
learning_rate
=
self
.
learning_rate
,
opt
=
optim
.
SGD
(
learning_rate
=
self
.
learning_rate
,
parameters
=
parameters
,
parameters
=
parameters
,
weight_decay
=
self
.
weight_decay
,
weight_decay
=
self
.
weight_decay
,
...
@@ -242,8 +253,9 @@ class AdamW(object):
...
@@ -242,8 +253,9 @@ class AdamW(object):
if
self
.
one_dim_param_no_weight_decay
:
if
self
.
one_dim_param_no_weight_decay
:
self
.
no_weight_decay_param_name_list
+=
[
self
.
no_weight_decay_param_name_list
+=
[
p
.
name
for
model
in
model_list
p
.
name
for
n
,
p
in
model
.
named_parameters
()
if
len
(
p
.
shape
)
==
1
for
model
in
model_list
for
n
,
p
in
model
.
named_parameters
()
if
len
(
p
.
shape
)
==
1
]
if
model_list
else
[]
]
if
model_list
else
[]
opt
=
optim
.
AdamW
(
opt
=
optim
.
AdamW
(
...
...
test_tipc/config/GeneralRecognition/GeneralRecognition_PPLCNet_x2_5_train_
amp_infer_python
.txt
→
test_tipc/config/GeneralRecognition/GeneralRecognition_PPLCNet_x2_5_train_
linux_gpu_normal_amp_infer_python_linux_gpu_cpu
.txt
浏览文件 @
5cc6c50c
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
null:null
null:null
##
##
trainer:amp_train
trainer:amp_train
amp_train:tools/train.py -c ppcls/configs/GeneralRecognition/GeneralRecognition_PPLCNet_x2_5.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
amp_train:tools/train.py -c ppcls/configs/GeneralRecognition/GeneralRecognition_PPLCNet_x2_5.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=
65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=True
pact_train:null
pact_train:null
fpgm_train:null
fpgm_train:null
distill_train:null
distill_train:null
...
@@ -21,7 +21,7 @@ null:null
...
@@ -21,7 +21,7 @@ null:null
null:null
null:null
##
##
===========================eval_params===========================
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/GeneralRecognition/GeneralRecognition_PPLCNet_x2_5.yaml
eval:tools/eval.py -c ppcls/configs/GeneralRecognition/GeneralRecognition_PPLCNet_x2_5.yaml
-o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
null:null
##
##
===========================infer_params==========================
===========================infer_params==========================
...
@@ -39,14 +39,14 @@ infer_export:True
...
@@ -39,14 +39,14 @@ infer_export:True
infer_quant:Fasle
infer_quant:Fasle
inference:python/predict_rec.py -c configs/inference_rec.yaml
inference:python/predict_rec.py -c configs/inference_rec.yaml
-o Global.use_gpu:True|False
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:
True|
False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:
1|
6
-o Global.cpu_num_threads:6
-o Global.batch_size:1
|16
-o Global.batch_size:1
-o Global.use_tensorrt:
True|
False
-o Global.use_tensorrt:False
-o Global.use_fp16:
True|
False
-o Global.use_fp16:False
-o Global.rec_inference_model_dir:../inference
-o Global.rec_inference_model_dir:../inference
-o Global.infer_imgs:../dataset/Aliproduct/demo_test/
-o Global.infer_imgs:../dataset/Aliproduct/demo_test/
-o Global.save_log_path:null
-o Global.save_log_path:null
-o Global.benchmark:
Tru
e
-o Global.benchmark:
Fals
e
null:null
null:null
null:null
null:null
test_tipc/config/MobileNetV3/MobileNetV3_large_x1_0_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
浏览文件 @
5cc6c50c
...
@@ -3,7 +3,7 @@ model_name:MobileNetV3_large_x1_0
...
@@ -3,7 +3,7 @@ model_name:MobileNetV3_large_x1_0
python:python3.7
python:python3.7
gpu_list:0|0,1
gpu_list:0|0,1
-o Global.device:gpu
-o Global.device:gpu
-o Global.auto_cast:
amp
-o Global.auto_cast:
null
-o Global.epochs:lite_train_lite_infer=2|whole_train_whole_infer=120
-o Global.epochs:lite_train_lite_infer=2|whole_train_whole_infer=120
-o Global.output_dir:./output/
-o Global.output_dir:./output/
-o DataLoader.Train.sampler.batch_size:8
-o DataLoader.Train.sampler.batch_size:8
...
@@ -12,16 +12,16 @@ train_model_name:latest
...
@@ -12,16 +12,16 @@ train_model_name:latest
train_infer_img_dir:./dataset/ILSVRC2012/val
train_infer_img_dir:./dataset/ILSVRC2012/val
null:null
null:null
##
##
trainer:
norm_train|pact_train|fpgm
_train
trainer:
amp
_train
norm_train:tools/train.py -c ppcls/configs/ImageNet/MobileNetV3/MobileNetV3_large_x1_0.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=Fals
e
amp_train:tools/train.py -c ppcls/configs/ImageNet/MobileNetV3/MobileNetV3_large_x1_0.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=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=Tru
e
pact_train:
tools/train.py -c ppcls/configs/slim/MobileNetV3_large_x1_0_quantization.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
pact_train:
null
fpgm_train:
tools/train.py -c ppcls/configs/slim/MobileNetV3_large_x1_0_prune.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
fpgm_train:
null
distill_train:null
distill_train:null
null:null
null:null
null:null
null:null
##
##
===========================eval_params===========================
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/MobileNetV3/MobileNetV3_large_x1_0.yaml
eval:tools/eval.py -c ppcls/configs/ImageNet/MobileNetV3/MobileNetV3_large_x1_0.yaml
-o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
null:null
##
##
===========================infer_params==========================
===========================infer_params==========================
...
@@ -33,20 +33,20 @@ fpgm_export:tools/export_model.py -c ppcls/configs/slim/MobileNetV3_large_x1_0_p
...
@@ -33,20 +33,20 @@ fpgm_export:tools/export_model.py -c ppcls/configs/slim/MobileNetV3_large_x1_0_p
distill_export:null
distill_export:null
kl_quant:deploy/slim/quant_post_static.py -c ppcls/configs/ImageNet/MobileNetV3/MobileNetV3_large_x1_0.yaml -o Global.save_inference_dir=./inference
kl_quant:deploy/slim/quant_post_static.py -c ppcls/configs/ImageNet/MobileNetV3/MobileNetV3_large_x1_0.yaml -o Global.save_inference_dir=./inference
export2:null
export2:null
inference_model_url:https://paddle-imagenet-models-name.bj.bcebos.com/dygraph/whole_chain/MobileNetV3_large_x1_0_inference.tar
pretrained_model_url:https://paddle-imagenet-models-name.bj.bcebos.com/dygraph/legendary_models/MobileNetV3_large_x1_0_pretrained.pdparams
infer_model:../inference/
infer_model:../inference/
infer_export:
null
infer_export:
True
infer_quant:Fasle
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:
True|
False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:
1|
6
-o Global.cpu_num_threads:6
-o Global.batch_size:1
|16
-o Global.batch_size:1
-o Global.use_tensorrt:
True|
False
-o Global.use_tensorrt:False
-o Global.use_fp16:
True|
False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.save_log_path:null
-o Global.benchmark:
Tru
e
-o Global.benchmark:
Fals
e
null:null
null:null
null:null
null:null
test_tipc/config/PPHGNet/PPHGNet_small_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
0 → 100644
浏览文件 @
5cc6c50c
===========================train_params===========================
model_name:PPHGNet_small
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/PPHGNet/PPHGNet_small.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=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=True
pact_train:null
fpgm_train:null
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/PPHGNet/PPHGNet_small.yaml -o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
##
===========================infer_params==========================
-o Global.save_inference_dir:./inference
-o Global.pretrained_model:
norm_export:tools/export_model.py -c ppcls/configs/ImageNet/PPHGNet/PPHGNet_small.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/legendary_models/PPHGNet_small_pretrained.pdparams
infer_model:../inference/
infer_export:True
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:6
-o Global.batch_size:1
-o Global.use_tensorrt:False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.benchmark:False
null:null
test_tipc/config/PPHGNet/PPHGNet_tiny_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
0 → 100644
浏览文件 @
5cc6c50c
===========================train_params===========================
model_name:PPHGNet_tiny
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/PPHGNet/PPHGNet_tiny.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=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=True
pact_train:null
fpgm_train:null
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/PPHGNet/PPHGNet_tiny.yaml -o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
##
===========================infer_params==========================
-o Global.save_inference_dir:./inference
-o Global.pretrained_model:
norm_export:tools/export_model.py -c ppcls/configs/ImageNet/PPHGNet/PPHGNet_tiny.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/legendary_models/PPHGNet_tiny_pretrained.pdparams
infer_model:../inference/
infer_export:True
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:6
-o Global.batch_size:1
-o Global.use_tensorrt:False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.benchmark:False
null:null
test_tipc/config/PPLCNet/PPLCNet_x0_25_train_
amp_infer_python
.txt
→
test_tipc/config/PPLCNet/PPLCNet_x0_25_train_
linux_gpu_normal_amp_infer_python_linux_gpu_cpu
.txt
浏览文件 @
5cc6c50c
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
null:null
null:null
##
##
trainer:amp_train
trainer:amp_train
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_25.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
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_25.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=
65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=True
pact_train:null
pact_train:null
fpgm_train:null
fpgm_train:null
distill_train:null
distill_train:null
...
@@ -21,7 +21,7 @@ null:null
...
@@ -21,7 +21,7 @@ null:null
null:null
null:null
##
##
===========================eval_params===========================
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_25.yaml
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_25.yaml
-o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
null:null
##
##
===========================infer_params==========================
===========================infer_params==========================
...
@@ -39,13 +39,13 @@ infer_export:True
...
@@ -39,13 +39,13 @@ infer_export:True
infer_quant:Fasle
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:
True|
False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:
1|
6
-o Global.cpu_num_threads:6
-o Global.batch_size:1
|16
-o Global.batch_size:1
-o Global.use_tensorrt:
True|
False
-o Global.use_tensorrt:False
-o Global.use_fp16:
True|
False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.save_log_path:null
-o Global.benchmark:
Tru
e
-o Global.benchmark:
Fals
e
null:null
null:null
test_tipc/config/PPLCNet/PPLCNet_x0_35_train_
amp_infer_python
.txt
→
test_tipc/config/PPLCNet/PPLCNet_x0_35_train_
linux_gpu_normal_amp_infer_python_linux_gpu_cpu
.txt
浏览文件 @
5cc6c50c
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
null:null
null:null
##
##
trainer:amp_train
trainer:amp_train
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_35.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
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_35.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=
65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=True
pact_train:null
pact_train:null
fpgm_train:null
fpgm_train:null
distill_train:null
distill_train:null
...
@@ -21,7 +21,7 @@ null:null
...
@@ -21,7 +21,7 @@ null:null
null:null
null:null
##
##
===========================eval_params===========================
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_35.yaml
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_35.yaml
-o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
null:null
##
##
===========================infer_params==========================
===========================infer_params==========================
...
@@ -39,13 +39,13 @@ infer_export:True
...
@@ -39,13 +39,13 @@ infer_export:True
infer_quant:Fasle
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:
True|
False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:
1|
6
-o Global.cpu_num_threads:6
-o Global.batch_size:1
|16
-o Global.batch_size:1
-o Global.use_tensorrt:
True|
False
-o Global.use_tensorrt:False
-o Global.use_fp16:
True|
False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.save_log_path:null
-o Global.benchmark:
Tru
e
-o Global.benchmark:
Fals
e
null:null
null:null
test_tipc/config/PPLCNet/PPLCNet_x0_5_train_
amp_infer_python
.txt
→
test_tipc/config/PPLCNet/PPLCNet_x0_5_train_
linux_gpu_normal_amp_infer_python_linux_gpu_cpu
.txt
浏览文件 @
5cc6c50c
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
null:null
null:null
##
##
trainer:amp_train
trainer:amp_train
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_5.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
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_5.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=
65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=True
pact_train:null
pact_train:null
fpgm_train:null
fpgm_train:null
distill_train:null
distill_train:null
...
@@ -21,7 +21,7 @@ null:null
...
@@ -21,7 +21,7 @@ null:null
null:null
null:null
##
##
===========================eval_params===========================
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_5.yaml
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_5.yaml
-o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
null:null
##
##
===========================infer_params==========================
===========================infer_params==========================
...
@@ -39,13 +39,13 @@ infer_export:True
...
@@ -39,13 +39,13 @@ infer_export:True
infer_quant:Fasle
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:
True|
False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:
1|
6
-o Global.cpu_num_threads:6
-o Global.batch_size:1
|16
-o Global.batch_size:1
-o Global.use_tensorrt:
True|
False
-o Global.use_tensorrt:False
-o Global.use_fp16:
True|
False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.save_log_path:null
-o Global.benchmark:
Tru
e
-o Global.benchmark:
Fals
e
null:null
null:null
test_tipc/config/PPLCNet/PPLCNet_x0_75_train_
amp_infer_python
.txt
→
test_tipc/config/PPLCNet/PPLCNet_x0_75_train_
linux_gpu_normal_amp_infer_python_linux_gpu_cpu
.txt
浏览文件 @
5cc6c50c
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
null:null
null:null
##
##
trainer:amp_train
trainer:amp_train
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_75.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
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_75.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=
65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=True
pact_train:null
pact_train:null
fpgm_train:null
fpgm_train:null
distill_train:null
distill_train:null
...
@@ -21,7 +21,7 @@ null:null
...
@@ -21,7 +21,7 @@ null:null
null:null
null:null
##
##
===========================eval_params===========================
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_75.yaml
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x0_75.yaml
-o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
null:null
##
##
===========================infer_params==========================
===========================infer_params==========================
...
@@ -39,13 +39,13 @@ infer_export:True
...
@@ -39,13 +39,13 @@ infer_export:True
infer_quant:Fasle
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:
True|
False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:
1|
6
-o Global.cpu_num_threads:6
-o Global.batch_size:1
|16
-o Global.batch_size:1
-o Global.use_tensorrt:
True|
False
-o Global.use_tensorrt:False
-o Global.use_fp16:
True|
False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.save_log_path:null
-o Global.benchmark:
Tru
e
-o Global.benchmark:
Fals
e
null:null
null:null
test_tipc/config/PPLCNet/PPLCNet_x1_0_train_
amp_infer_python
.txt
→
test_tipc/config/PPLCNet/PPLCNet_x1_0_train_
linux_gpu_normal_amp_infer_python_linux_gpu_cpu
.txt
浏览文件 @
5cc6c50c
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
null:null
null:null
##
##
trainer:amp_train
trainer:amp_train
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x1_0.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
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x1_0.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=
65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=True
pact_train:null
pact_train:null
fpgm_train:null
fpgm_train:null
distill_train:null
distill_train:null
...
@@ -21,7 +21,7 @@ null:null
...
@@ -21,7 +21,7 @@ null:null
null:null
null:null
##
##
===========================eval_params===========================
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x1_0.yaml
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x1_0.yaml
-o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
null:null
##
##
===========================infer_params==========================
===========================infer_params==========================
...
@@ -39,13 +39,13 @@ infer_export:True
...
@@ -39,13 +39,13 @@ infer_export:True
infer_quant:Fasle
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:
True|
False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:
1|
6
-o Global.cpu_num_threads:6
-o Global.batch_size:1
|16
-o Global.batch_size:1
-o Global.use_tensorrt:
True|
False
-o Global.use_tensorrt:False
-o Global.use_fp16:
True|
False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.save_log_path:null
-o Global.benchmark:
Tru
e
-o Global.benchmark:
Fals
e
null:null
null:null
test_tipc/config/PPLCNet/PPLCNet_x1_5_train_
amp_infer_python
.txt
→
test_tipc/config/PPLCNet/PPLCNet_x1_5_train_
linux_gpu_normal_amp_infer_python_linux_gpu_cpu
.txt
浏览文件 @
5cc6c50c
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
null:null
null:null
##
##
trainer:amp_train
trainer:amp_train
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x1_5.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
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x1_5.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=
65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=True
pact_train:null
pact_train:null
fpgm_train:null
fpgm_train:null
distill_train:null
distill_train:null
...
@@ -21,7 +21,7 @@ null:null
...
@@ -21,7 +21,7 @@ null:null
null:null
null:null
##
##
===========================eval_params===========================
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x1_5.yaml
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x1_5.yaml
-o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
null:null
##
##
===========================infer_params==========================
===========================infer_params==========================
...
@@ -39,13 +39,13 @@ infer_export:True
...
@@ -39,13 +39,13 @@ infer_export:True
infer_quant:Fasle
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:
True|
False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:
1|
6
-o Global.cpu_num_threads:6
-o Global.batch_size:1
|16
-o Global.batch_size:1
-o Global.use_tensorrt:
True|
False
-o Global.use_tensorrt:False
-o Global.use_fp16:
True|
False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.save_log_path:null
-o Global.benchmark:
Tru
e
-o Global.benchmark:
Fals
e
null:null
null:null
test_tipc/config/PPLCNet/PPLCNet_x2_0_train_
amp_infer_python
.txt
→
test_tipc/config/PPLCNet/PPLCNet_x2_0_train_
linux_gpu_normal_amp_infer_python_linux_gpu_cpu
.txt
浏览文件 @
5cc6c50c
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
null:null
null:null
##
##
trainer:amp_train
trainer:amp_train
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x2_0.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
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x2_0.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=
65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=True
pact_train:null
pact_train:null
fpgm_train:null
fpgm_train:null
distill_train:null
distill_train:null
...
@@ -21,7 +21,7 @@ null:null
...
@@ -21,7 +21,7 @@ null:null
null:null
null:null
##
##
===========================eval_params===========================
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x2_0.yaml
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x2_0.yaml
-o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
null:null
##
##
===========================infer_params==========================
===========================infer_params==========================
...
@@ -39,13 +39,13 @@ infer_export:True
...
@@ -39,13 +39,13 @@ infer_export:True
infer_quant:Fasle
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:
True|
False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:
1|
6
-o Global.cpu_num_threads:6
-o Global.batch_size:1
|16
-o Global.batch_size:1
-o Global.use_tensorrt:
True|
False
-o Global.use_tensorrt:False
-o Global.use_fp16:
True|
False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.save_log_path:null
-o Global.benchmark:
Tru
e
-o Global.benchmark:
Fals
e
null:null
null:null
test_tipc/config/PPLCNet/PPLCNet_x2_5_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
浏览文件 @
5cc6c50c
...
@@ -3,7 +3,7 @@ model_name:PPLCNet_x2_5
...
@@ -3,7 +3,7 @@ model_name:PPLCNet_x2_5
python:python3.7
python:python3.7
gpu_list:0|0,1
gpu_list:0|0,1
-o Global.device:gpu
-o Global.device:gpu
-o Global.auto_cast:
amp
-o Global.auto_cast:
null
-o Global.epochs:lite_train_lite_infer=2|whole_train_whole_infer=120
-o Global.epochs:lite_train_lite_infer=2|whole_train_whole_infer=120
-o Global.output_dir:./output/
-o Global.output_dir:./output/
-o DataLoader.Train.sampler.batch_size:8
-o DataLoader.Train.sampler.batch_size:8
...
@@ -12,8 +12,8 @@ train_model_name:latest
...
@@ -12,8 +12,8 @@ train_model_name:latest
train_infer_img_dir:./dataset/ILSVRC2012/val
train_infer_img_dir:./dataset/ILSVRC2012/val
null:null
null:null
##
##
trainer:
norm
_train
trainer:
amp
_train
norm_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x2_5.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=Fals
e
amp_train:tools/train.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x2_5.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=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=Tru
e
pact_train:null
pact_train:null
fpgm_train:null
fpgm_train:null
distill_train:null
distill_train:null
...
@@ -21,7 +21,7 @@ null:null
...
@@ -21,7 +21,7 @@ null:null
null:null
null:null
##
##
===========================eval_params===========================
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x2_5.yaml
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNet/PPLCNet_x2_5.yaml
-o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
null:null
##
##
===========================infer_params==========================
===========================infer_params==========================
...
@@ -39,13 +39,13 @@ infer_export:True
...
@@ -39,13 +39,13 @@ infer_export:True
infer_quant:Fasle
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:
True|
False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:
1|
6
-o Global.cpu_num_threads:6
-o Global.batch_size:1
|16
-o Global.batch_size:1
-o Global.use_tensorrt:
True|
False
-o Global.use_tensorrt:False
-o Global.use_fp16:
True|
False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.save_log_path:null
-o Global.benchmark:
Tru
e
-o Global.benchmark:
Fals
e
null:null
null:null
test_tipc/config/PPLCNetV2/PPLCNetV2_base_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
0 → 100644
浏览文件 @
5cc6c50c
===========================train_params===========================
model_name:PPLCNetV2_base
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:null
-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/PPLCNetV2/PPLCNetV2_base.yaml -o Global.seed=1234 -o DataLoader.Train.loader.num_workers=0 -o DataLoader.Train.loader.use_shared_memory=False -o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
pact_train:null
fpgm_train:null
distill_train:null
null:null
null:null
##
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/PPLCNetV2/PPLCNetV2_base.yaml -o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
##
===========================infer_params==========================
-o Global.save_inference_dir:./inference
-o Global.pretrained_model:
norm_export:tools/export_model.py -c ppcls/configs/ImageNet/PPLCNetV2/PPLCNetV2_base.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/legendary_models/PPLCNetV2_base_pretrained.pdparams
infer_model:../inference/
infer_export:True
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:6
-o Global.batch_size:1
-o Global.use_tensorrt:False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.benchmark:False
null:null
test_tipc/config/ResNet/ResNet50_train_
purefp16_infer_python
.txt
→
test_tipc/config/ResNet/ResNet50_train_
linux_gpu_normal_amp_infer_python_linux_gpu_cpu
.txt
浏览文件 @
5cc6c50c
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
null:null
null:null
##
##
trainer:amp_train
trainer:amp_train
amp_train:tools/train.py -c ppcls/configs/ImageNet/ResNet/ResNet50
_amp_O1.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
amp_train:tools/train.py -c ppcls/configs/ImageNet/ResNet/ResNet50
.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=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=True
pact_train:null
pact_train:null
fpgm_train:null
fpgm_train:null
distill_train:null
distill_train:null
...
@@ -21,7 +21,7 @@ to_static_train:-o Global.to_static=True
...
@@ -21,7 +21,7 @@ to_static_train:-o Global.to_static=True
null:null
null:null
##
##
===========================eval_params===========================
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/ResNet/ResNet50.yaml
eval:tools/eval.py -c ppcls/configs/ImageNet/ResNet/ResNet50.yaml
-o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
null:null
##
##
===========================infer_params==========================
===========================infer_params==========================
...
@@ -39,15 +39,15 @@ infer_export:True
...
@@ -39,15 +39,15 @@ infer_export:True
infer_quant:Fasle
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:
True|
False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:
1|
6
-o Global.cpu_num_threads:6
-o Global.batch_size:1
|16
-o Global.batch_size:1
-o Global.use_tensorrt:
True|
False
-o Global.use_tensorrt:False
-o Global.use_fp16:
True|
False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.save_log_path:null
-o Global.benchmark:
Tru
e
-o Global.benchmark:
Fals
e
null:null
null:null
null:null
null:null
===========================train_benchmark_params==========================
===========================train_benchmark_params==========================
...
...
test_tipc/config/ResNet/ResNet50_vd_train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt
浏览文件 @
5cc6c50c
...
@@ -3,7 +3,7 @@ model_name:ResNet50_vd
...
@@ -3,7 +3,7 @@ model_name:ResNet50_vd
python:python3.7
python:python3.7
gpu_list:0|0,1
gpu_list:0|0,1
-o Global.device:gpu
-o Global.device:gpu
-o Global.auto_cast:
amp
-o Global.auto_cast:
null
-o Global.epochs:lite_train_lite_infer=2|whole_train_whole_infer=120
-o Global.epochs:lite_train_lite_infer=2|whole_train_whole_infer=120
-o Global.output_dir:./output/
-o Global.output_dir:./output/
-o DataLoader.Train.sampler.batch_size:8
-o DataLoader.Train.sampler.batch_size:8
...
@@ -12,16 +12,16 @@ train_model_name:latest
...
@@ -12,16 +12,16 @@ train_model_name:latest
train_infer_img_dir:./dataset/ILSVRC2012/val
train_infer_img_dir:./dataset/ILSVRC2012/val
null:null
null:null
##
##
trainer:
norm_train|pact_train|fpgm
_train
trainer:
amp
_train
norm_train:tools/train.py -c ppcls/configs/ImageNet/ResNet/ResNet50_vd.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=Fals
e
amp_train:tools/train.py -c ppcls/configs/ImageNet/ResNet/ResNet50_vd.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=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=Tru
e
pact_train:
tools/train.py -c ppcls/configs/slim/ResNet50_vd_quantization.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
pact_train:
null
fpgm_train:
tools/train.py -c ppcls/configs/slim/ResNet50_vd_prune.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
fpgm_train:
null
distill_train:null
distill_train:null
null:null
null:null
null:null
null:null
##
##
===========================eval_params===========================
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/ResNet/ResNet50_vd.yaml
eval:tools/eval.py -c ppcls/configs/ImageNet/ResNet/ResNet50_vd.yaml
-o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
null:null
##
##
===========================infer_params==========================
===========================infer_params==========================
...
@@ -33,20 +33,20 @@ fpgm_export:tools/export_model.py -c ppcls/configs/slim/ResNet50_vd_prune.yaml
...
@@ -33,20 +33,20 @@ fpgm_export:tools/export_model.py -c ppcls/configs/slim/ResNet50_vd_prune.yaml
distill_export:null
distill_export:null
kl_quant:deploy/slim/quant_post_static.py -c ppcls/configs/ImageNet/ResNet/ResNet50_vd.yaml -o Global.save_inference_dir=./inference
kl_quant:deploy/slim/quant_post_static.py -c ppcls/configs/ImageNet/ResNet/ResNet50_vd.yaml -o Global.save_inference_dir=./inference
export2:null
export2:null
inference_model_url:https://paddle-imagenet-models-name.bj.bcebos.com/dygraph/whole_chain/ResNet50_vd_inference.tar
pretrained_model_url:https://paddle-imagenet-models-name.bj.bcebos.com/dygraph/legendary_models/ResNet50_vd_pretrained.pdparams
infer_model:../inference/
infer_model:../inference/
infer_export:
null
infer_export:
True
infer_quant:Fasle
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:
True|
False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:
1|
6
-o Global.cpu_num_threads:6
-o Global.batch_size:1
|16
-o Global.batch_size:1
-o Global.use_tensorrt:
True|
False
-o Global.use_tensorrt:False
-o Global.use_fp16:
True|
False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.save_log_path:null
-o Global.benchmark:
Tru
e
-o Global.benchmark:
Fals
e
null:null
null:null
null:null
null:null
test_tipc/config/SwinTransformer/SwinTransformer_tiny_patch4_window7_224_train_
amp_infer_python
.txt
→
test_tipc/config/SwinTransformer/SwinTransformer_tiny_patch4_window7_224_train_
linux_gpu_normal_amp_infer_python_linux_gpu_cpu
.txt
浏览文件 @
5cc6c50c
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
...
@@ -13,7 +13,7 @@ train_infer_img_dir:./dataset/ILSVRC2012/val
null:null
null:null
##
##
trainer:amp_train
trainer:amp_train
amp_train:tools/train.py -c ppcls/configs/ImageNet/SwinTransformer/SwinTransformer_tiny_patch4_window7_224.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
amp_train:tools/train.py -c ppcls/configs/ImageNet/SwinTransformer/SwinTransformer_tiny_patch4_window7_224.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=
65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2 -o Optimizer.multi_precision=True
pact_train:null
pact_train:null
fpgm_train:null
fpgm_train:null
distill_train:null
distill_train:null
...
@@ -21,7 +21,7 @@ null:null
...
@@ -21,7 +21,7 @@ null:null
null:null
null:null
##
##
===========================eval_params===========================
===========================eval_params===========================
eval:tools/eval.py -c ppcls/configs/ImageNet/SwinTransformer/SwinTransformer_tiny_patch4_window7_224.yaml
eval:tools/eval.py -c ppcls/configs/ImageNet/SwinTransformer/SwinTransformer_tiny_patch4_window7_224.yaml
-o AMP.scale_loss=65536 -o AMP.use_dynamic_loss_scaling=True -o AMP.level=O2
null:null
null:null
##
##
===========================infer_params==========================
===========================infer_params==========================
...
@@ -39,14 +39,14 @@ infer_export:True
...
@@ -39,14 +39,14 @@ infer_export:True
infer_quant:Fasle
infer_quant:Fasle
inference:python/predict_cls.py -c configs/inference_cls.yaml
inference:python/predict_cls.py -c configs/inference_cls.yaml
-o Global.use_gpu:True|False
-o Global.use_gpu:True|False
-o Global.enable_mkldnn:
True|
False
-o Global.enable_mkldnn:False
-o Global.cpu_num_threads:
1|
6
-o Global.cpu_num_threads:6
-o Global.batch_size:1
|16
-o Global.batch_size:1
-o Global.use_tensorrt:
True|
False
-o Global.use_tensorrt:False
-o Global.use_fp16:
True|
False
-o Global.use_fp16:False
-o Global.inference_model_dir:../inference
-o Global.inference_model_dir:../inference
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.infer_imgs:../dataset/ILSVRC2012/val
-o Global.save_log_path:null
-o Global.save_log_path:null
-o Global.benchmark:
Tru
e
-o Global.benchmark:
Fals
e
null:null
null:null
null:null
null:null
编辑
预览
Markdown
is supported
0%
请重试
或
添加新附件
.
添加附件
取消
You are about to add
0
people
to the discussion. Proceed with caution.
先完成此消息的编辑!
取消
想要评论请
注册
或
登录