未验证 提交 3d75911a 编写于 作者: Y Yang Zhang 提交者: GitHub

Clean up config files (#2585)

* Clean up config files

- reorder: batch_size -> data_set -> sample_transforms -> batch_transforms -> worker -> other
- unify bool values, lower case true/false
- remove `null` values
- remove `shuffle` settings, covered by default values

* Update ResNet50 pretrained weight url

* Remove `use_padded_im_info` settings, covered by default value
上级 7f55d604
......@@ -7,7 +7,7 @@ snapshot_iter: 10000
use_gpu: true
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_pretrained.tar
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_cos_pretrained.tar
weights: output/cascade_rcnn_r50_fpn_1x/model_final
metric: COCO
......@@ -107,34 +107,32 @@ OptimizerBuilder:
FasterRCNNTrainFeed:
batch_size: 2
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_train2017.json
image_dir: train2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
drop_last: false
num_workers: 2
shuffle: true
FasterRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
FasterRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
drop_last: false
num_workers: 2
shuffle: false
......@@ -2,7 +2,7 @@ architecture: FasterRCNN
train_feed: FasterRCNNTrainFeed
eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
use_gpu: True
use_gpu: true
max_iters: 180000
log_smooth_window: 20
save_dir: output
......
......@@ -4,7 +4,7 @@ eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
max_iters: 180000
snapshot_iter: 10000
use_gpu: True
use_gpu: true
log_smooth_window: 20
save_dir: output
pretrain_weights: http://paddle-imagenet-models-name.bj.bcebos.com/ResNet101_pretrained.tar
......@@ -92,7 +92,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [120000, 160000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 500
......@@ -108,33 +107,31 @@ OptimizerBuilder:
FasterRCNNTrainFeed:
# batch size per device
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
image_dir: train2017
annotation: annotations/instances_train2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
shuffle: True
FasterRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
FasterRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
shuffle: False
......@@ -4,7 +4,7 @@ eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
max_iters: 360000
snapshot_iter: 10000
use_gpu: True
use_gpu: true
log_smooth_window: 20
save_dir: output
pretrain_weights: http://paddle-imagenet-models-name.bj.bcebos.com/ResNet101_pretrained.tar
......@@ -92,7 +92,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [240000, 320000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 500
......@@ -108,33 +107,31 @@ OptimizerBuilder:
FasterRCNNTrainFeed:
# batch size per device
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
image_dir: train2017
annotation: annotations/instances_train2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
shuffle: True
FasterRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
FasterRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
shuffle: False
......@@ -4,7 +4,7 @@ eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
max_iters: 180000
snapshot_iter: 10000
use_gpu: True
use_gpu: true
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet101_vd_pretrained.tar
......@@ -93,7 +93,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [120000, 160000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 1000
......@@ -109,33 +108,31 @@ OptimizerBuilder:
FasterRCNNTrainFeed:
# batch size per device
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
image_dir: train2017
annotation: annotations/instances_train2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
shuffle: True
FasterRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
FasterRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
shuffle: False
......@@ -4,7 +4,7 @@ eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
max_iters: 360000
snapshot_iter: 10000
use_gpu: True
use_gpu: true
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet101_vd_pretrained.tar
......@@ -93,7 +93,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [240000, 320000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 1000
......@@ -109,33 +108,31 @@ OptimizerBuilder:
FasterRCNNTrainFeed:
# batch size per device
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
image_dir: train2017
annotation: annotations/instances_train2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
shuffle: True
FasterRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
FasterRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
shuffle: False
......@@ -2,12 +2,12 @@ architecture: FasterRCNN
train_feed: FasterRCNNTrainFeed
eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
use_gpu: True
use_gpu: true
max_iters: 180000
log_smooth_window: 20
save_dir: output
snapshot_iter: 10000
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_pretrained.tar
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_cos_pretrained.tar
metric: COCO
weights: output/faster_rcnn_r50_1x/model_final
......
......@@ -2,12 +2,12 @@ architecture: FasterRCNN
train_feed: FasterRCNNTrainFeed
eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
use_gpu: True
use_gpu: true
max_iters: 360000
log_smooth_window: 20
save_dir: output
snapshot_iter: 10000
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_pretrained.tar
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_cos_pretrained.tar
metric: COCO
weights: output/faster_rcnn_r50_2x/model_final
......
......@@ -3,11 +3,11 @@ train_feed: FasterRCNNTrainFeed
eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
max_iters: 90000
use_gpu: True
use_gpu: true
snapshot_iter: 10000
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_pretrained.tar
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_cos_pretrained.tar
metric: COCO
weights: output/fpn/faster_rcnn_r50_fpn_1x/model_final
......@@ -107,34 +107,32 @@ OptimizerBuilder:
FasterRCNNTrainFeed:
batch_size: 2
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_train2017.json
image_dir: train2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
drop_last: false
num_workers: 2
shuffle: true
FasterRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
FasterRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
drop_last: false
num_workers: 2
shuffle: false
......@@ -3,11 +3,11 @@ train_feed: FasterRCNNTrainFeed
eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
max_iters: 90000
use_gpu: True
use_gpu: true
snapshot_iter: 10000
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_pretrained.tar
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_cos_pretrained.tar
metric: COCO
weights: output/faster_rcnn_r50_fpn_2x/model_final
......@@ -107,34 +107,32 @@ OptimizerBuilder:
FasterRCNNTrainFeed:
batch_size: 2
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_train2017.json
image_dir: train2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
drop_last: false
num_workers: 2
shuffle: true
FasterRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
FasterRCNNTestFeed:
batch_size: 1
dataset:
annotation: coco/annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: coco/annotations/instances_val2017.json
drop_last: false
num_workers: 2
shuffle: false
......@@ -2,7 +2,7 @@ architecture: FasterRCNN
train_feed: FasterRCNNTrainFeed
eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
use_gpu: True
use_gpu: true
max_iters: 180000
log_smooth_window: 20
save_dir: output/faster-r50-vd-c4-1x
......
......@@ -4,7 +4,7 @@ eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
max_iters: 180000
snapshot_iter: 10000
use_gpu: True
use_gpu: true
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_vd_pretrained.tar
......@@ -93,7 +93,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [120000, 160000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 500
......@@ -109,33 +108,31 @@ OptimizerBuilder:
FasterRCNNTrainFeed:
# batch size per device
batch_size: 2
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
image_dir: train2017
annotation: annotations/instances_train2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
shuffle: True
FasterRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
FasterRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
shuffle: False
......@@ -4,7 +4,7 @@ eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
max_iters: 180000
snapshot_iter: 10000
use_gpu: True
use_gpu: true
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/SE154_vd_pretrained.tar
......@@ -13,7 +13,6 @@ metric: COCO
FasterRCNN:
backbone: SENet
fpn: null
rpn_head: RPNHead
roi_extractor: RoIAlign
bbox_head: BBoxHead
......@@ -87,7 +86,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [120000, 160000]
values: null
- !LinearWarmup
start_factor: 0.1
steps: 1000
......@@ -108,7 +106,6 @@ FasterRCNNTrainFeed:
annotation: annotations/instances_val2017.json
image_dir: val2017
num_workers: 2
shuffle: True
FasterRCNNEvalFeed:
batch_size: 1
......@@ -123,4 +120,3 @@ FasterRCNNTestFeed:
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
shuffle: False
......@@ -4,7 +4,7 @@ eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
max_iters: 180000
snapshot_iter: 10000
use_gpu: True
use_gpu: true
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/SE154_vd_pretrained.tar
......@@ -95,7 +95,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [120000, 160000]
values: null
- !LinearWarmup
start_factor: 0.1
steps: 1000
......@@ -111,33 +110,31 @@ OptimizerBuilder:
FasterRCNNTrainFeed:
# batch size per device
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
image_dir: train2017
annotation: annotations/instances_train2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
shuffle: True
FasterRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
FasterRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
shuffle: False
......@@ -4,7 +4,7 @@ eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
max_iters: 260000
snapshot_iter: 10000
use_gpu: True
use_gpu: true
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/SE154_vd_pretrained.tar
......@@ -95,7 +95,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [200000, 240000]
values: null
- !LinearWarmup
start_factor: 0.1
steps: 1000
......@@ -111,33 +110,31 @@ OptimizerBuilder:
FasterRCNNTrainFeed:
# batch size per device
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
image_dir: train2017
annotation: annotations/instances_train2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
shuffle: True
FasterRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
FasterRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
shuffle: False
......@@ -4,7 +4,7 @@ eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
max_iters: 180000
snapshot_iter: 10000
use_gpu: True
use_gpu: true
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNeXt101_64x4d_pretrained.tar
......@@ -94,7 +94,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [120000, 160000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 500
......@@ -110,33 +109,31 @@ OptimizerBuilder:
FasterRCNNTrainFeed:
# batch size per device
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
image_dir: train2017
annotation: annotations/instances_train2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
shuffle: True
FasterRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
FasterRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
shuffle: False
......@@ -4,7 +4,7 @@ eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
max_iters: 180000
snapshot_iter: 10000
use_gpu: True
use_gpu: true
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNeXt101_64x4d_pretrained.tar
......@@ -94,7 +94,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [240000, 320000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 500
......@@ -110,33 +109,31 @@ OptimizerBuilder:
FasterRCNNTrainFeed:
# batch size per device
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
image_dir: train2017
annotation: annotations/instances_train2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
shuffle: True
FasterRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
FasterRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
shuffle: False
......@@ -2,14 +2,14 @@ architecture: MaskRCNN
train_feed: MaskRCNNTrainFeed
eval_feed: MaskRCNNEvalFeed
test_feed: MaskRCNNTestFeed
use_gpu: True
use_gpu: true
max_iters: 180000
snapshot_iter: 10000
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet101_pretrained.tar
metric: COCO
weights: output/mask_rcnn_r101_fpn_1x/model_final/
weights: output/mask_rcnn_r101_fpn_1x/model_final/
MaskRCNN:
backbone: ResNet
......@@ -101,7 +101,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [120000, 160000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 500
......@@ -116,34 +115,31 @@ OptimizerBuilder:
MaskRCNNTrainFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_train2017.json
image_dir: train2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
use_padded_im_info: False
MaskRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
use_padded_im_info: True
MaskRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
use_padded_im_info: True
......@@ -2,14 +2,14 @@ architecture: MaskRCNN
train_feed: MaskRCNNTrainFeed
eval_feed: MaskRCNNEvalFeed
test_feed: MaskRCNNTestFeed
use_gpu: True
use_gpu: true
max_iters: 360000
snapshot_iter: 10000
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet101_pretrained.tar
metric: COCO
weights: output/mask_rcnn_r101_fpn_2x/model_final/
weights: output/mask_rcnn_r101_fpn_2x/model_final/
MaskRCNN:
backbone: ResNet
......@@ -101,7 +101,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [240000, 320000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 500
......@@ -116,34 +115,31 @@ OptimizerBuilder:
MaskRCNNTrainFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_train2017.json
image_dir: train2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
use_padded_im_info: False
MaskRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
use_padded_im_info: True
MaskRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
use_padded_im_info: True
......@@ -2,12 +2,12 @@ architecture: MaskRCNN
train_feed: MaskRCNNTrainFeed
eval_feed: MaskRCNNEvalFeed
test_feed: MaskRCNNTestFeed
use_gpu: True
use_gpu: true
max_iters: 180000
snapshot_iter: 10000
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_pretrained.tar
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_cos_pretrained.tar
metric: COCO
weights: output/mask_rcnn_r50_1x/model_final
......@@ -111,7 +111,6 @@ MaskRCNNTrainFeed:
annotation: annotations/instances_train2017.json
image_dir: train2017
num_workers: 2
shuffle: true
MaskRCNNEvalFeed:
batch_size: 1
......@@ -119,7 +118,6 @@ MaskRCNNEvalFeed:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
shuffle: false
MaskRCNNTestFeed:
batch_size: 1
......
......@@ -2,12 +2,12 @@ architecture: MaskRCNN
train_feed: MaskRCNNTrainFeed
eval_feed: MaskRCNNEvalFeed
test_feed: MaskRCNNTestFeed
use_gpu: True
use_gpu: true
max_iters: 360000
snapshot_iter: 10000
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_pretrained.tar
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_cos_pretrained.tar
metric: COCO
weights: output/mask_rcnn_r50_2x/model_final/
......@@ -113,7 +113,6 @@ MaskRCNNTrainFeed:
annotation: annotations/instances_train2017.json
image_dir: train2017
num_workers: 2
shuffle: true
MaskRCNNEvalFeed:
batch_size: 1
......@@ -121,7 +120,6 @@ MaskRCNNEvalFeed:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
shuffle: false
MaskRCNNTestFeed:
batch_size: 1
......
......@@ -2,14 +2,14 @@ architecture: MaskRCNN
train_feed: MaskRCNNTrainFeed
eval_feed: MaskRCNNEvalFeed
test_feed: MaskRCNNTestFeed
use_gpu: True
use_gpu: true
max_iters: 180000
snapshot_iter: 10000
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_pretrained.tar
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_cos_pretrained.tar
metric: COCO
weights: output/mask_rcnn_r50_fpn_1x/model_final/
weights: output/mask_rcnn_r50_fpn_1x/model_final/
MaskRCNN:
backbone: ResNet
......@@ -101,7 +101,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [120000, 160000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 500
......@@ -116,34 +115,31 @@ OptimizerBuilder:
MaskRCNNTrainFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_train2017.json
image_dir: train2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
use_padded_im_info: False
MaskRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
use_padded_im_info: True
MaskRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
use_padded_im_info: True
......@@ -2,14 +2,14 @@ architecture: MaskRCNN
train_feed: MaskRCNNTrainFeed
eval_feed: MaskRCNNEvalFeed
test_feed: MaskRCNNTestFeed
use_gpu: True
use_gpu: true
max_iters: 360000
snapshot_iter: 10000
log_smooth_window: 20
save_dir: output
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_pretrained.tar
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_cos_pretrained.tar
metric: COCO
weights: output/mask_rcnn_r50_fpn_2x/model_final/
weights: output/mask_rcnn_r50_fpn_2x/model_final/
MaskRCNN:
backbone: ResNet
......@@ -101,7 +101,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [240000, 320000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 500
......@@ -116,34 +115,31 @@ OptimizerBuilder:
MaskRCNNTrainFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_train2017.json
image_dir: train2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
use_padded_im_info: False
MaskRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
use_padded_im_info: True
MaskRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
use_padded_im_info: True
......@@ -2,7 +2,7 @@ architecture: MaskRCNN
train_feed: MaskRCNNTrainFeed
eval_feed: MaskRCNNEvalFeed
test_feed: MaskRCNNTestFeed
use_gpu: True
use_gpu: true
max_iters: 360000
snapshot_iter: 10000
log_smooth_window: 20
......@@ -102,7 +102,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [240000, 320000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 500
......@@ -118,35 +117,31 @@ OptimizerBuilder:
MaskRCNNTrainFeed:
# batch size per device
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
image_dir: train2017
annotation: annotations/instances_train2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
shuffle: True
use_padded_im_info: False
MaskRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
use_padded_im_info: True
MaskRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
use_padded_im_info: True
......@@ -104,7 +104,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [200000, 240000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 500
......@@ -120,35 +119,31 @@ OptimizerBuilder:
MaskRCNNTrainFeed:
# batch size per device
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
image_dir: train2017
annotation: annotations/instances_train2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
shuffle: True
use_padded_im_info: False
MaskRCNNEvalFeed:
batch_size: 1
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 32
num_workers: 2
use_padded_im_info: True
MaskRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 32
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
use_padded_im_info: True
......@@ -61,7 +61,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [60000, 80000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 500
......@@ -84,7 +83,6 @@ FasterRCNNTrainFeed:
annotation: annotations/instances_train2017.json
image_dir: train2017
num_workers: 2
shuffle: True
FasterRCNNEvalFeed:
batch_size: 2
......@@ -105,4 +103,3 @@ FasterRCNNTestFeed:
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
shuffle: False
......@@ -3,8 +3,8 @@ train_feed: FasterRCNNTrainFeed
eval_feed: FasterRCNNEvalFeed
test_feed: FasterRCNNTestFeed
max_iters: 90000
use_gpu: True
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_pretrained.tar
use_gpu: true
pretrain_weights: https://paddle-imagenet-models-name.bj.bcebos.com/ResNet50_cos_pretrained.tar
weights: output/retinanet_r50_fpn_1x/model_final
log_smooth_window: 20
snapshot_iter: 10000
......@@ -61,7 +61,6 @@ LearningRate:
- !PiecewiseDecay
gamma: 0.1
milestones: [60000, 80000]
values: null
- !LinearWarmup
start_factor: 0.3333333333333333
steps: 500
......@@ -76,33 +75,31 @@ OptimizerBuilder:
FasterRCNNTrainFeed:
batch_size: 2
batch_transforms:
- !PadBatch
pad_to_stride: 128
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_train2017.json
image_dir: train2017
batch_transforms:
- !PadBatch
pad_to_stride: 128
num_workers: 2
shuffle: True
FasterRCNNEvalFeed:
batch_size: 2
batch_transforms:
- !PadBatch
pad_to_stride: 128
dataset:
dataset_dir: dataset/coco
annotation: annotations/instances_val2017.json
image_dir: val2017
batch_transforms:
- !PadBatch
pad_to_stride: 128
num_workers: 2
FasterRCNNTestFeed:
batch_size: 1
dataset:
annotation: annotations/instances_val2017.json
batch_transforms:
- !PadBatch
pad_to_stride: 128
dataset:
annotation: annotations/instances_val2017.json
num_workers: 2
shuffle: False
......@@ -2,7 +2,7 @@ architecture: YOLOv3
train_feed: YoloTrainFeed
eval_feed: YoloEvalFeed
test_feed: YoloTestFeed
use_gpu: yes
use_gpu: true
max_iters: 500200
log_smooth_window: 20
save_dir: output
......
......@@ -2,7 +2,7 @@ architecture: YOLOv3
train_feed: YoloTrainFeed
eval_feed: YoloEvalFeed
test_feed: YoloTestFeed
use_gpu: yes
use_gpu: true
max_iters: 500200
log_smooth_window: 20
save_dir: output
......
......@@ -2,7 +2,7 @@ architecture: YOLOv3
train_feed: YoloTrainFeed
eval_feed: YoloEvalFeed
test_feed: YoloTestFeed
use_gpu: yes
use_gpu: true
max_iters: 500200
log_smooth_window: 20
save_dir: output
......@@ -18,7 +18,7 @@ YOLOv3:
ResNet:
norm_type: sync_bn
freeze_at: 0
freeze_norm: False
freeze_norm: false
norm_decay: 0.
depth: 34
feature_maps: [3, 4, 5]
......
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册