Skip to content

Commit 482fcfa

Browse files
yhcao6ZwwWayne
andauthored
Add configs and benchmarks. (open-mmlab#2446)
* add configs for all models * fix some configs * Add benchmark models * update some benchmarks * Fix retina config * add more benchmarks * update MODEL_ZOO.md * fix cascade mask num_class bug * change caffe pretrained url * fix paramwise_cfg bug * fix paramwise cfg * restrict minimum h and w in crop_and_resize * add grad clip for fcos * add grad clip for ga retinanet * fix grad clip * fix img norm * fix rpn loss bbox * fix rpn proposal num * fix url * clean * update comparison * minor update * add grad clip for guided anchoring * fix some typos * add inference time details * clean Co-authored-by: ZwwWayne <[email protected]>
1 parent 672fd5d commit 482fcfa

File tree

192 files changed

+1840
-694
lines changed

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.

192 files changed

+1840
-694
lines changed

configs/_base_/models/faster_rcnn_r50_caffe_c4.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -2,7 +2,7 @@
22
norm_cfg = dict(type='BN', requires_grad=False)
33
model = dict(
44
type='FasterRCNN',
5-
pretrained='open-mmlab://resnet50_caffe',
5+
pretrained='open-mmlab://resnet50_caffe_bgr',
66
backbone=dict(
77
type='ResNet',
88
depth=50,

configs/_base_/models/faster_rcnn_r50_fpn.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -68,7 +68,7 @@
6868
pos_fraction=0.5,
6969
neg_pos_ub=-1,
7070
add_gt_as_proposals=False),
71-
allowed_border=0,
71+
allowed_border=-1,
7272
pos_weight=-1,
7373
debug=False),
7474
rpn_proposal=dict(

configs/_base_/models/mask_rcnn_r50_caffe_c4.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -2,7 +2,7 @@
22
norm_cfg = dict(type='BN', requires_grad=False)
33
model = dict(
44
type='MaskRCNN',
5-
pretrained='open-mmlab://resnet50_caffe',
5+
pretrained='open-mmlab://resnet50_caffe_bgr',
66
backbone=dict(
77
type='ResNet',
88
depth=50,

configs/_base_/models/mask_rcnn_r50_fpn.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -82,7 +82,7 @@
8282
pos_fraction=0.5,
8383
neg_pos_ub=-1,
8484
add_gt_as_proposals=False),
85-
allowed_border=0,
85+
allowed_border=-1,
8686
pos_weight=-1,
8787
debug=False),
8888
rpn_proposal=dict(

configs/_base_/models/retinanet_r50_fpn.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -40,7 +40,7 @@
4040
gamma=2.0,
4141
alpha=0.25,
4242
loss_weight=1.0),
43-
loss_bbox=dict(type='SmoothL1Loss', beta=0.11, loss_weight=1.0)))
43+
loss_bbox=dict(type='L1Loss', loss_weight=1.0)))
4444
# training and testing settings
4545
train_cfg = dict(
4646
assigner=dict(

configs/_base_/models/rpn_r50_caffe_c4.py

+2-2
Original file line numberDiff line numberDiff line change
@@ -1,7 +1,7 @@
11
# model settings
22
model = dict(
33
type='RPN',
4-
pretrained='open-mmlab://resnet50_caffe',
4+
pretrained='open-mmlab://resnet50_caffe_bgr',
55
backbone=dict(
66
type='ResNet',
77
depth=50,
@@ -29,7 +29,7 @@
2929
target_stds=[1.0, 1.0, 1.0, 1.0]),
3030
loss_cls=dict(
3131
type='CrossEntropyLoss', use_sigmoid=True, loss_weight=1.0),
32-
loss_bbox=dict(type='SmoothL1Loss', beta=1.0 / 9.0, loss_weight=1.0)))
32+
loss_bbox=dict(type='L1Loss', loss_weight=1.0)))
3333
# model training and testing settings
3434
train_cfg = dict(
3535
rpn=dict(

configs/_base_/models/rpn_r50_fpn.py

+3-3
Original file line numberDiff line numberDiff line change
@@ -31,7 +31,7 @@
3131
target_stds=[1.0, 1.0, 1.0, 1.0]),
3232
loss_cls=dict(
3333
type='CrossEntropyLoss', use_sigmoid=True, loss_weight=1.0),
34-
loss_bbox=dict(type='SmoothL1Loss', beta=1.0 / 9.0, loss_weight=1.0)))
34+
loss_bbox=dict(type='L1Loss', loss_weight=1.0)))
3535
# model training and testing settings
3636
train_cfg = dict(
3737
rpn=dict(
@@ -54,7 +54,7 @@
5454
rpn=dict(
5555
nms_across_levels=False,
5656
nms_pre=2000,
57-
nms_post=2000,
58-
max_num=2000,
57+
nms_post=1000,
58+
max_num=1000,
5959
nms_thr=0.7,
6060
min_bbox_size=0))

configs/albu_example/README.md

+5
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,5 @@
1+
## Results and Models
2+
3+
| Backbone | Style | Lr schd | Mem (GB) | Inf time (fps) | box AP | mask AP | Download |
4+
|:---------:|:-------:|:-------:|:--------:|:--------------:|:------:|:-------:|:--------:|
5+
| R-50 | pytorch | 1x | 4.4 | 11.6 | 38.0 | 34.5 |[model](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/albu_example/mask_rcnn_r50_fpn_albu_1x_coco/mask_rcnn_r50_fpn_albu_1x_coco_20200208-ab203bcd.pth) &#124; [log](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/albu_example/mask_rcnn_r50_fpn_albu_1x_coco/mask_rcnn_r50_fpn_albu_1x_coco_20200208_225520.log.json) |

configs/atss/README.md

+3-3
Original file line numberDiff line numberDiff line change
@@ -15,6 +15,6 @@
1515

1616
## Results and Models
1717

18-
| Backbone | Style | Lr schd | Mem (GB) | Train time (s/iter) | Inf time (fps) | box AP | Download |
19-
|:---------:|:-------:|:-------:|:--------:|:-------------------:|:--------------:|:------:|:--------:|
20-
| R-50 | pytorch | 1x | 3.6 | 0.357 | 12.8 | 39.2 | [model](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/models/atss/atss_r50_fpn_1x_20200113-a7aa251e.pth)|
18+
| Backbone | Style | Lr schd | Mem (GB) | Inf time (fps) | box AP | Download |
19+
|:---------:|:-------:|:-------:|:--------:|:--------------:|:------:|:--------:|
20+
| R-50 | pytorch | 1x | 3.7 | 16.9 | 39.4 | [model](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/atss/atss_r50_fpn_1x_coco/atss_r50_fpn_1x_coco_20200209-985f7bd0.pth) &#124; [log](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/atss/atss_r50_fpn_1x_coco/atss_r50_fpn_1x_coco_20200209_102539.log.json) |

configs/carafe/README.md

+6-6
Original file line numberDiff line numberDiff line change
@@ -18,12 +18,12 @@ We provide config files to reproduce the object detection & instance segmentatio
1818

1919
The results on COCO 2017 val is shown in the below table.
2020

21-
| Method | Backbone | Style | Lr schd | Test Proposal Num| Box AP | Mask AP | Download |
22-
| :--------------------: | :-------------: | :-----: | :-----: | :--------------: | :----: | :--------: |:----------------------------------------------------------------------------------------------------: |
23-
| Faster R-CNN w/ CARAFE | R-50-FPN | pytorch | 1x | 1000 | 37.8 | - | [model](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/models/carafe/faster_rcnn_r50_fpn_carafe_1x-2ca2d094.pth) |
24-
| - | - | - | - | 2000 | 37.9 | - | - |
25-
| Mask R-CNN w/ CARAFE | R-50-FPN | pytorch | 1x | 1000 | 38.6 | 35.6| [model](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/models/carafe/mask_rcnn_r50_fpn_carafe_1x-2cc4b9fe.pth) |
26-
| - | - | - | - | 2000 | 38.6 | 35.7| - |
21+
| Method | Backbone | Style | Lr schd | Test Proposal Num| Box AP | Mask AP | Download |
22+
| :--------------------: | :------: | :-----: |:-------:| :--------------: | :----: | :--------: |:-------: |
23+
| Faster R-CNN w/ CARAFE | R-50-FPN | pytorch | 1x | 1000 | | | |
24+
| - | - | - | - | 2000 | | | |
25+
| Mask R-CNN w/ CARAFE | R-50-FPN | pytorch | 1x | 1000 | | | |
26+
| - | - | - | - | 2000 | | | |
2727

2828
## Implementation
2929

configs/cascade_rcnn/README.md

+54
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,54 @@
1+
# Cascade R-CNN: High Quality Object Detection and Instance Segmentation
2+
3+
## Introduction
4+
```
5+
@article{Cai_2019,
6+
title={Cascade R-CNN: High Quality Object Detection and Instance Segmentation},
7+
ISSN={1939-3539},
8+
url={http://dx.doi.org/10.1109/tpami.2019.2956516},
9+
DOI={10.1109/tpami.2019.2956516},
10+
journal={IEEE Transactions on Pattern Analysis and Machine Intelligence},
11+
publisher={Institute of Electrical and Electronics Engineers (IEEE)},
12+
author={Cai, Zhaowei and Vasconcelos, Nuno},
13+
year={2019},
14+
pages={1–1}
15+
}
16+
```
17+
18+
## Results and models
19+
20+
### Cascade R-CNN
21+
22+
| Backbone | Style | Lr schd | Mem (GB) | Inf time (fps) | box AP | Download |
23+
| :-------------: | :-----: | :-----: | :------: | :------------: | :----: |:--------:|
24+
| R-50-FPN | caffe | 1x | | | | |
25+
| R-50-FPN | pytorch | 1x | 4.4 | 14.3 | 40.3 | [model](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco/cascade_rcnn_r50_fpn_1x_coco_20200316-3dc56deb.pth) &#124; [log](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/cascade_rcnn/cascade_rcnn_r50_fpn_1x_coco/cascade_rcnn_r50_fpn_1x_coco_20200316_214748.log.json) |
26+
| R-50-FPN | pytorch | 20e | | | | |
27+
| R-101-FPN | caffe | 1x | | | | |
28+
| R-101-FPN | pytorch | 1x | 6.4 | 11.6 | 42.0 | [model](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/cascade_rcnn/cascade_rcnn_r101_fpn_1x_coco/cascade_rcnn_r101_fpn_1x_coco_20200317-0b6a2fbf.pth) &#124; [log](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/cascade_rcnn/cascade_rcnn_r101_fpn_1x_coco/cascade_rcnn_r101_fpn_1x_coco_20200317_101744.log.json) |
29+
| R-101-FPN | pytorch | 20e | | | | |
30+
| X-101-32x4d-FPN | pytorch | 1x | 7.6 | 10.2 | 43.7 | [model](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/cascade_rcnn/cascade_rcnn_x101_32x4d_fpn_1x_coco/cascade_rcnn_x101_32x4d_fpn_1x_coco_20200316-95c2deb6.pth) &#124; [log](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/cascade_rcnn/cascade_rcnn_x101_32x4d_fpn_1x_coco/cascade_rcnn_x101_32x4d_fpn_1x_coco_20200316_055608.log.json) |
31+
| X-101-32x4d-FPN | pytorch | 20e | | | | |
32+
| X-101-64x4d-FPN | pytorch | 1x | | | | |
33+
| X-101-64x4d-FPN | pytorch | 20e | | | | |
34+
35+
36+
### Cascade Mask R-CNN
37+
38+
| Backbone | Style | Lr schd | Mem (GB) | Inf time (fps) | box AP | mask AP | Download |
39+
| :-------------: | :-----: | :-----: | :------: | :------------: | :----: | :-----: | :----------------: |
40+
| R-50-C4 | caffe | 1x | | | | | |
41+
| R-50-FPN | caffe | 1x | | | | | |
42+
| R-50-FPN | pytorch | 1x | 6.0 | 8.5 | 41.2 | 35.9 | [model](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco/cascade_mask_rcnn_r50_fpn_1x_coco_20200203-9d4dcb24.pth) &#124; [log](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/cascade_rcnn/cascade_mask_rcnn_r50_fpn_1x_coco/cascade_mask_rcnn_r50_fpn_1x_coco_20200203_170449.log.json) |
43+
| R-50-FPN | pytorch | 20e | | | | | |
44+
| R-101-FPN | caffe | 1x | | | | | |
45+
| R-101-FPN | pytorch | 1x | 7.9 | 7.2 | 42.9 | 37.3 | [model](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/cascade_rcnn/cascade_mask_rcnn_r101_fpn_1x_coco/cascade_mask_rcnn_r101_fpn_1x_coco_20200203-befdf6ee.pth) &#124; [log](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/cascade_rcnn/cascade_mask_rcnn_r101_fpn_1x_coco/cascade_mask_rcnn_r101_fpn_1x_coco_20200203_092521.log.json) |
46+
| R-101-FPN | pytorch | 20e | | | | | |
47+
| X-101-32x4d-FPN | pytorch | 1x | 9.2 | 6.8 | 44.3 | 38.3 | [model](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/cascade_rcnn/cascade_mask_rcnn_x101_32x4d_fpn_1x_coco/cascade_mask_rcnn_x101_32x4d_fpn_1x_coco_20200201-0f411b1f.pth) &#124; [log](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/cascade_rcnn/cascade_mask_rcnn_x101_32x4d_fpn_1x_coco/cascade_mask_rcnn_x101_32x4d_fpn_1x_coco_20200201_052416.log.json) |
48+
| X-101-32x4d-FPN | pytorch | 20e | | | | | |
49+
| X-101-64x4d-FPN | pytorch | 1x | 12.2 | 5.7 | 45.3 | 39.2 | [model](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/cascade_rcnn/cascade_mask_rcnn_x101_64x4d_fpn_1x_coco/cascade_mask_rcnn_x101_64x4d_fpn_1x_coco_20200203-9a2db89d.pth) &#124; [log](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/v2.0/cascade_rcnn/cascade_mask_rcnn_x101_64x4d_fpn_1x_coco/cascade_mask_rcnn_x101_64x4d_fpn_1x_coco_20200203_044059.log.json) |
50+
| X-101-64x4d-FPN | pytorch | 20e | | | | | |
51+
52+
**Notes:**
53+
54+
- The `20e` schedule in Cascade (Mask) R-CNN indicates decreasing the lr at 16 and 19 epochs, with a total of 20 epochs.
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,3 @@
1+
_base_ = './cascade_mask_rcnn_r50_caffe_fpn_1x_coco.py'
2+
model = dict(
3+
pretrained='open-mmlab://resnet101_caffe_bgr', backbone=dict(depth=101))
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,2 @@
1+
_base_ = './cascade_mask_rcnn_r50_fpn_20e_coco.py'
2+
model = dict(pretrained='torchvision://resnet101', backbone=dict(depth=101))
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,38 @@
1+
_base_ = ['./cascade_mask_rcnn_r50_fpn_1x_coco.py']
2+
3+
model = dict(
4+
pretrained='open-mmlab://resnet50_caffe_bgr',
5+
backbone=dict(
6+
norm_cfg=dict(requires_grad=False), norm_eval=True, style='caffe'))
7+
8+
img_norm_cfg = dict(
9+
mean=[103.530, 116.280, 123.675], std=[1.0, 1.0, 1.0], to_rgb=False)
10+
train_pipeline = [
11+
dict(type='LoadImageFromFile'),
12+
dict(type='LoadAnnotations', with_bbox=True, with_mask=True),
13+
dict(type='Resize', img_scale=(1333, 800), keep_ratio=True),
14+
dict(type='RandomFlip', flip_ratio=0.5),
15+
dict(type='Normalize', **img_norm_cfg),
16+
dict(type='Pad', size_divisor=32),
17+
dict(type='DefaultFormatBundle'),
18+
dict(type='Collect', keys=['img', 'gt_bboxes', 'gt_labels', 'gt_masks']),
19+
]
20+
test_pipeline = [
21+
dict(type='LoadImageFromFile'),
22+
dict(
23+
type='MultiScaleFlipAug',
24+
img_scale=(1333, 800),
25+
flip=False,
26+
transforms=[
27+
dict(type='Resize', keep_ratio=True),
28+
dict(type='RandomFlip'),
29+
dict(type='Normalize', **img_norm_cfg),
30+
dict(type='Pad', size_divisor=32),
31+
dict(type='ImageToTensor', keys=['img']),
32+
dict(type='Collect', keys=['img']),
33+
])
34+
]
35+
data = dict(
36+
train=dict(pipeline=train_pipeline),
37+
val=dict(pipeline=test_pipeline),
38+
test=dict(pipeline=test_pipeline))
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,5 @@
1+
_base_ = [
2+
'../_base_/models/cascade_mask_rcnn_r50_fpn.py',
3+
'../_base_/datasets/coco_instance.py',
4+
'../_base_/schedules/schedule_20e.py', '../_base_/default_runtime.py'
5+
]
Original file line numberDiff line numberDiff line change
@@ -1,4 +1,4 @@
1-
_base_ = './reppoints_moment_r50_fpn_gn-neck+head_mstrain_480-960_2x_coco.py'
1+
_base_ = './cascade_mask_rcnn_r50_fpn_20e_coco.py'
22
model = dict(
33
pretrained='open-mmlab://resnext101_32x4d',
44
backbone=dict(
@@ -10,6 +10,4 @@
1010
out_indices=(0, 1, 2, 3),
1111
frozen_stages=1,
1212
norm_cfg=dict(type='BN', requires_grad=True),
13-
style='pytorch',
14-
dcn=dict(type='DCN', deformable_groups=1, fallback_on_stride=False),
15-
stage_with_dcn=(False, True, True, True)))
13+
style='pytorch'))
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,13 @@
1+
_base_ = './cascade_mask_rcnn_r50_fpn_20e_coco.py'
2+
model = dict(
3+
pretrained='open-mmlab://resnext101_64x4d',
4+
backbone=dict(
5+
type='ResNeXt',
6+
depth=101,
7+
groups=64,
8+
base_width=4,
9+
num_stages=4,
10+
out_indices=(0, 1, 2, 3),
11+
frozen_stages=1,
12+
norm_cfg=dict(type='BN', requires_grad=True),
13+
style='pytorch'))
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,3 @@
1+
_base_ = './cascade_rcnn_r50_caffe_fpn_1x_coco.py'
2+
model = dict(
3+
pretrained='open-mmlab://resnet101_caffe_bgr', backbone=dict(depth=101))
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,2 @@
1+
_base_ = './cascade_rcnn_r50_fpn_20e_coco.py'
2+
model = dict(pretrained='torchvision://resnet101', backbone=dict(depth=101))
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,38 @@
1+
_base_ = './cascade_rcnn_r50_fpn_1x_coco.py'
2+
3+
model = dict(
4+
pretrained='open-mmlab://resnet50_caffe_bgr',
5+
backbone=dict(norm_cfg=dict(requires_grad=False), style='caffe'))
6+
7+
# use caffe img_norm
8+
img_norm_cfg = dict(
9+
mean=[103.530, 116.280, 123.675], std=[1.0, 1.0, 1.0], to_rgb=False)
10+
train_pipeline = [
11+
dict(type='LoadImageFromFile'),
12+
dict(type='LoadAnnotations', with_bbox=True),
13+
dict(type='Resize', img_scale=(1333, 800), keep_ratio=True),
14+
dict(type='RandomFlip', flip_ratio=0.5),
15+
dict(type='Normalize', **img_norm_cfg),
16+
dict(type='Pad', size_divisor=32),
17+
dict(type='DefaultFormatBundle'),
18+
dict(type='Collect', keys=['img', 'gt_bboxes', 'gt_labels']),
19+
]
20+
test_pipeline = [
21+
dict(type='LoadImageFromFile'),
22+
dict(
23+
type='MultiScaleFlipAug',
24+
img_scale=(1333, 800),
25+
flip=False,
26+
transforms=[
27+
dict(type='Resize', keep_ratio=True),
28+
dict(type='RandomFlip'),
29+
dict(type='Normalize', **img_norm_cfg),
30+
dict(type='Pad', size_divisor=32),
31+
dict(type='ImageToTensor', keys=['img']),
32+
dict(type='Collect', keys=['img']),
33+
])
34+
]
35+
data = dict(
36+
train=dict(pipeline=train_pipeline),
37+
val=dict(pipeline=test_pipeline),
38+
test=dict(pipeline=test_pipeline))
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,4 @@
1+
_base_ = './cascade_rcnn_r50_fpn_1x_coco.py'
2+
# learning policy
3+
lr_config = dict(step=[16, 19])
4+
total_epochs = 20
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,13 @@
1+
_base_ = './cascade_rcnn_r50_fpn_20e_coco.py'
2+
model = dict(
3+
pretrained='open-mmlab://resnext101_32x4d',
4+
backbone=dict(
5+
type='ResNeXt',
6+
depth=101,
7+
groups=32,
8+
base_width=4,
9+
num_stages=4,
10+
out_indices=(0, 1, 2, 3),
11+
frozen_stages=1,
12+
norm_cfg=dict(type='BN', requires_grad=True),
13+
style='pytorch'))
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,14 @@
1+
_base_ = './cascade_rcnn_r50_fpn_20e_coco.py'
2+
model = dict(
3+
type='CascadeRCNN',
4+
pretrained='open-mmlab://resnext101_64x4d',
5+
backbone=dict(
6+
type='ResNeXt',
7+
depth=101,
8+
groups=64,
9+
base_width=4,
10+
num_stages=4,
11+
out_indices=(0, 1, 2, 3),
12+
frozen_stages=1,
13+
norm_cfg=dict(type='BN', requires_grad=True),
14+
style='pytorch'))

configs/cityscapes/README.md

+6-6
Original file line numberDiff line numberDiff line change
@@ -10,12 +10,12 @@
1010

1111
### Faster R-CNN
1212

13-
| Backbone | Style | Lr schd | Scale | Mem (GB) | Train time (s/iter) | Inf time (fps) | box AP | Download |
14-
| :-------------: | :-----: | :-----: | :---: | :------: | :-----------------: | :------------: | :----: | :------: |
15-
| R-50-FPN | pytorch | 1x | 800-1024 | 4.9 | - | - | 41.6 | [model](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/models/cityscapes/faster_rcnn_r50_fpn_1x_cityscapes_20200227-362cfbbf.pth) |
13+
| Backbone | Style | Lr schd | Scale | Mem (GB) | Inf time (fps) | box AP | Download |
14+
| :-------------: | :-----: | :-----: | :---: | :------: | :------------: | :----: | :------: |
15+
| R-50-FPN | pytorch | 1x | 800-1024 | | | | |
1616

1717
### Mask R-CNN
1818

19-
| Backbone | Style | Lr schd | Scale | Mem (GB) | Train time (s/iter) | Inf time (fps) | box AP | mask AP | Download |
20-
| :-------------: | :-----: | :-----: | :------: | :------: | :-----------------: | :------------: | :----: | :-----: | :------: |
21-
| R-50-FPN | pytorch | 1x | 800-1024 | 4.9 | - | - | 41.9 | 37.1 | [model](https://open-mmlab.s3.ap-northeast-2.amazonaws.com/mmdetection/models/cityscapes/mask_rcnn_r50_fpn_1x_cityscapes_20200227-afe51d5a.pth) |
19+
| Backbone | Style | Lr schd | Scale | Mem (GB) | Inf time (fps) | box AP | mask AP | Download |
20+
| :-------------: | :-----: | :-----: | :------: | :------: | :------------: | :----: | :-----: | :------: |
21+
| R-50-FPN | pytorch | 1x | 800-1024 | | | | | |

0 commit comments

Comments
 (0)