-
Notifications
You must be signed in to change notification settings - Fork 1.3k
Commit
This commit does not belong to any branch on this repository, and may belong to a fork outside of the repository.
[Feature] Add support for deepfashion2 dataset (#2201)
- Loading branch information
Showing
31 changed files
with
7,218 additions
and
101 deletions.
There are no files selected for viewing
Large diffs are not rendered by default.
Oops, something went wrong.
67 changes: 67 additions & 0 deletions
67
configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/res50_deepfashion2.md
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,67 @@ | ||
<!-- [ALGORITHM] --> | ||
|
||
<details> | ||
<summary align="right"><a href="http://openaccess.thecvf.com/content_ECCV_2018/html/Bin_Xiao_Simple_Baselines_for_ECCV_2018_paper.html">SimpleBaseline2D (ECCV'2018)</a></summary> | ||
|
||
```bibtex | ||
@inproceedings{xiao2018simple, | ||
title={Simple baselines for human pose estimation and tracking}, | ||
author={Xiao, Bin and Wu, Haiping and Wei, Yichen}, | ||
booktitle={Proceedings of the European conference on computer vision (ECCV)}, | ||
pages={466--481}, | ||
year={2018} | ||
} | ||
``` | ||
|
||
</details> | ||
|
||
<!-- [BACKBONE] --> | ||
|
||
<details> | ||
<summary align="right"><a href="http://openaccess.thecvf.com/content_cvpr_2016/html/He_Deep_Residual_Learning_CVPR_2016_paper.html">ResNet (CVPR'2016)</a></summary> | ||
|
||
```bibtex | ||
@inproceedings{he2016deep, | ||
title={Deep residual learning for image recognition}, | ||
author={He, Kaiming and Zhang, Xiangyu and Ren, Shaoqing and Sun, Jian}, | ||
booktitle={Proceedings of the IEEE conference on computer vision and pattern recognition}, | ||
pages={770--778}, | ||
year={2016} | ||
} | ||
``` | ||
|
||
</details> | ||
|
||
<!-- [DATASET] --> | ||
|
||
<details> | ||
<summary align="right"><a href="https://arxiv.org/pdf/1901.07973.pdf">DeepFashion2 (CVPR'2019)</a></summary> | ||
|
||
```bibtex | ||
@article{DeepFashion2, | ||
author = {Yuying Ge and Ruimao Zhang and Lingyun Wu and Xiaogang Wang and Xiaoou Tang and Ping Luo}, | ||
title={A Versatile Benchmark for Detection, Pose Estimation, Segmentation and Re-Identification of Clothing Images}, | ||
journal={CVPR}, | ||
year={2019} | ||
} | ||
``` | ||
|
||
</details> | ||
|
||
Results on DeepFashion2 val set | ||
|
||
| Set | Arch | Input Size | [email protected] | AUC | EPE | ckpt | log | | ||
| :-------------------- | :-------------------------------------------------: | :--------: | :-----: | :---: | :--: | :-------------------------------------------------: | :-------------------------------------------------: | | ||
| short_sleeved_shirt | [pose_resnet_50](/configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_6xb64-210e_deepfasion2-short-sleeved-shirt-256x192.py) | 256x192 | 0.988 | 0.703 | 10.2 | [ckpt](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_short_sleeved_shirt_256x192-21e1c5da_20221208.pth) | [log](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_short_sleeved_shirt_256x192_20221208.log.json) | | ||
| long_sleeved_shirt | [pose_resnet_50](/configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_8xb64-210e_deepfasion2-long-sleeved-shirt-256x192.py) | 256x192 | 0.973 | 0.587 | 16.6 | [ckpt](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_long_sleeved_shirt_256x192-8679e7e3_20221208.pth) | [log](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_long_sleeved_shirt_256x192_20221208.log.json) | | ||
| short_sleeved_outwear | [pose_resnet_50](/configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_8xb64-210e_deepfasion2-short-sleeved-outwear-256x192.py) | 256x192 | 0.966 | 0.408 | 24.0 | [ckpt](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_short_sleeved_outwear_256x192-a04c1298_20221208.pth) | [log](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_short_sleeved_outwear_256x192_20221208.log.json) | | ||
| long_sleeved_outwear | [pose_resnet_50](/configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_8xb64-210e_deepfasion2-long-sleeved-outwear-256x192.py) | 256x192 | 0.987 | 0.517 | 18.1 | [ckpt](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_long_sleeved_outwear_256x192-31fbaecf_20221208.pth) | [log](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_long_sleeved_outwear_256x192_20221208.log.json) | | ||
| vest | [pose_resnet_50](/configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_4xb64-210e_deepfasion2-vest-256x192.py) | 256x192 | 0.981 | 0.643 | 12.7 | [ckpt](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_vest_256x192-4c48d05c_20221208.pth) | [log](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_vest_256x192_20221208.log.json) | | ||
| sling | [pose_resnet_50](/configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_4xb64-210e_deepfasion2-sling-256x192.py) | 256x192 | 0.940 | 0.557 | 21.6 | [ckpt](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_sling_256x192-ebb2b736_20221208.pth) | [log](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_sling_256x192_20221208.log.json) | | ||
| shorts | [pose_resnet_50](/configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_3xb64-210e_deepfasion2-shorts-256x192.py) | 256x192 | 0.975 | 0.682 | 12.4 | [ckpt](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_shorts_256x192-9ab23592_20221208.pth) | [log](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_shorts_256x192_20221208.log.json) | | ||
| trousers | [pose_resnet_50](/configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_2xb64-210e_deepfasion2-trousers-256x192.py) | 256x192 | 0.973 | 0.625 | 14.8 | [ckpt](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_trousers_256x192-3e632257_20221208.pth) | [log](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_trousers_256x192_20221208.log.json) | | ||
| skirt | [pose_resnet_50](/configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_1xb64-210e_deepfasion2-skirt-256x192.py) | 256x192 | 0.952 | 0.653 | 16.6 | [ckpt](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_skirt_256x192-09573469_20221208.pth) | [log](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_skirt_256x192_20221208.log.json) | | ||
| short_sleeved_dress | [pose_resnet_50](/configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_4xb64-210e_deepfasion2-short-sleeved-dress-256x192.py) | 256x192 | 0.980 | 0.603 | 15.6 | [ckpt](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_short_sleeved_dress_256x192-1345b07a_20221208.pth) | [log](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_short_sleeved_dress_256x192_20221208.log.json) | | ||
| long_sleeved_dress | [pose_resnet_50](/configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_1xb64-210e_deepfasion2-long-sleeved-dress-256x192.py) | 256x192 | 0.976 | 0.518 | 20.1 | [ckpt](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_long_sleeved_dress_256x192-87bac74e_20221208.pth) | [log](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_long_sleeved_dress_256x192_20221208.log.json) | | ||
| vest_dress | [pose_resnet_50](/configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_1xb64-210e_deepfasion2-vest-dress-256x192.py) | 256x192 | 0.980 | 0.600 | 16.0 | [ckpt](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_vest_dress_256x192-fb3fbd6f_20221208.pth) | [log](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_vest_dress_256x192_20221208.log.json) | | ||
| sling_dress | [pose_resnet_50](/configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_4xb64-210e_deepfasion2-sling-dress-256x192.py) | 256x192 | 0.967 | 0.544 | 19.5 | [ckpt](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_sling_dress_256x192-8ebae0eb_20221208.pth) | [log](https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_sling_dress_256x192_20221208.log.json) | |
185 changes: 185 additions & 0 deletions
185
configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/res50_deepfasion2.yml
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,185 @@ | ||
Models: | ||
- Config: configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_6xb64-210e_deepfasion2-short-sleeved-shirt-256x192.py | ||
In Collection: SimpleBaseline2D | ||
Metadata: | ||
Architecture: &id001 | ||
- SimpleBaseline2D | ||
- ResNet | ||
Training Data: DeepFashion2 | ||
Name: td-hm_res50_6xb64-210e_deepfasion2-short-sleeved-shirt-256x192 | ||
Results: | ||
- Dataset: DeepFashion2 | ||
Metrics: | ||
AUC: 0.703 | ||
EPE: 10.2 | ||
[email protected]: 0.988 | ||
Task: Fashion 2D Keypoint | ||
Weights: https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_short_sleeved_shirt_256x192-21e1c5da_20221208.pth | ||
- Config: configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_8xb64-210e_deepfasion2-long-sleeved-shirt-256x192.py | ||
In Collection: SimpleBaseline2D | ||
Metadata: | ||
Architecture: *id001 | ||
Training Data: DeepFashion2 | ||
Name: td-hm_res50_8xb64-210e_deepfasion2-long-sleeved-shirt-256x192 | ||
Results: | ||
- Dataset: DeepFashion2 | ||
Metrics: | ||
AUC: 0.587 | ||
EPE: 16.5 | ||
[email protected]: 0.973 | ||
Task: Fashion 2D Keypoint | ||
Weights: https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_long_sleeved_shirt_256x192-8679e7e3_20221208.pth | ||
- Config: configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_8xb64-210e_deepfasion2-short-sleeved-outwear-256x192.py | ||
In Collection: SimpleBaseline2D | ||
Metadata: | ||
Architecture: *id001 | ||
Training Data: DeepFashion2 | ||
Name: td-hm_res50_8xb64-210e_deepfasion2-short-sleeved-outwear-256x192 | ||
Results: | ||
- Dataset: DeepFashion2 | ||
Metrics: | ||
AUC: 0.408 | ||
EPE: 24.0 | ||
[email protected]: 0.966 | ||
Task: Fashion 2D Keypoint | ||
Weights: https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_short_sleeved_outwear_256x192-a04c1298_20221208.pth | ||
- Config: configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_8xb64-210e_deepfasion2-long-sleeved-outwear-256x192.py | ||
In Collection: SimpleBaseline2D | ||
Metadata: | ||
Architecture: *id001 | ||
Training Data: DeepFashion2 | ||
Name: td-hm_res50_8xb64-210e_deepfasion2-long-sleeved-outwear-256x192 | ||
Results: | ||
- Dataset: DeepFashion2 | ||
Metrics: | ||
AUC: 0.517 | ||
EPE: 18.1 | ||
[email protected]: 0.987 | ||
Task: Fashion 2D Keypoint | ||
Weights: https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_long_sleeved_outwear_256x192-31fbaecf_20221208.pth | ||
- Config: configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_4xb64-210e_deepfasion2-vest-256x192.py | ||
In Collection: SimpleBaseline2D | ||
Metadata: | ||
Architecture: *id001 | ||
Training Data: DeepFashion2 | ||
Name: td-hm_res50_4xb64-210e_deepfasion2-vest-256x192 | ||
Results: | ||
- Dataset: DeepFashion2 | ||
Metrics: | ||
AUC: 0.643 | ||
EPE: 12.7 | ||
[email protected]: 0.981 | ||
Task: Fashion 2D Keypoint | ||
Weights: https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_vest_256x192-4c48d05c_20221208.pth | ||
- Config: configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_4xb64-210e_deepfasion2-sling-256x192.py | ||
In Collection: SimpleBaseline2D | ||
Metadata: | ||
Architecture: *id001 | ||
Training Data: DeepFashion2 | ||
Name: td-hm_res50_4xb64-210e_deepfasion2-sling-256x192 | ||
Results: | ||
- Dataset: DeepFashion2 | ||
Metrics: | ||
AUC: 0.557 | ||
EPE: 21.6 | ||
[email protected]: 0.94 | ||
Task: Fashion 2D Keypoint | ||
Weights: https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_sling_256x192-ebb2b736_20221208.pth | ||
- Config: configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_3xb64-210e_deepfasion2-shorts-256x192.py | ||
In Collection: SimpleBaseline2D | ||
Metadata: | ||
Architecture: *id001 | ||
Training Data: DeepFashion2 | ||
Name: td-hm_res50_3xb64-210e_deepfasion2-shorts-256x192 | ||
Results: | ||
- Dataset: DeepFashion2 | ||
Metrics: | ||
AUC: 0.682 | ||
EPE: 12.4 | ||
[email protected]: 0.975 | ||
Task: Fashion 2D Keypoint | ||
Weights: https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_shorts_256x192-9ab23592_20221208.pth | ||
- Config: configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_2xb64-210e_deepfasion2-trousers-256x192.py | ||
In Collection: SimpleBaseline2D | ||
Metadata: | ||
Architecture: *id001 | ||
Training Data: DeepFashion2 | ||
Name: td-hm_res50_2xb64-210e_deepfasion2-trousers-256x192 | ||
Results: | ||
- Dataset: DeepFashion2 | ||
Metrics: | ||
AUC: 0.625 | ||
EPE: 14.8 | ||
[email protected]: 0.973 | ||
Task: Fashion 2D Keypoint | ||
Weights: https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_trousers_256x192-3e632257_20221208.pth | ||
- Config: configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_1xb64-210e_deepfasion2-skirt-256x192.py | ||
In Collection: SimpleBaseline2D | ||
Metadata: | ||
Architecture: *id001 | ||
Training Data: DeepFashion2 | ||
Name: td-hm_res50_1xb64-210e_deepfasion2-skirt-256x192 | ||
Results: | ||
- Dataset: DeepFashion2 | ||
Metrics: | ||
AUC: 0.653 | ||
EPE: 16.6 | ||
[email protected]: 0.952 | ||
Task: Fashion 2D Keypoint | ||
Weights: https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_skirt_256x192-09573469_20221208.pth | ||
- Config: configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_4xb64-210e_deepfasion2-short-sleeved-dress-256x192.py | ||
In Collection: SimpleBaseline2D | ||
Metadata: | ||
Architecture: *id001 | ||
Training Data: DeepFashion2 | ||
Name: td-hm_res50_4xb64-210e_deepfasion2-short-sleeved-dress-256x192 | ||
Results: | ||
- Dataset: DeepFashion2 | ||
Metrics: | ||
AUC: 0.603 | ||
EPE: 15.6 | ||
[email protected]: 0.98 | ||
Task: Fashion 2D Keypoint | ||
Weights: https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_short_sleeved_dress_256x192-1345b07a_20221208.pth | ||
- Config: configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_1xb64-210e_deepfasion2-long-sleeved-dress-256x192.py | ||
In Collection: SimpleBaseline2D | ||
Metadata: | ||
Architecture: *id001 | ||
Training Data: DeepFashion2 | ||
Name: td-hm_res50_1xb64-210e_deepfasion2-long-sleeved-dress-256x192 | ||
Results: | ||
- Dataset: DeepFashion2 | ||
Metrics: | ||
AUC: 0.518 | ||
EPE: 20.1 | ||
[email protected]: 0.976 | ||
Task: Fashion 2D Keypoint | ||
Weights: https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_long_sleeved_dress_256x192-87bac74e_20221208.pth | ||
- Config: configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_1xb64-210e_deepfasion2-vest-dress-256x192.py | ||
In Collection: SimpleBaseline2D | ||
Metadata: | ||
Architecture: *id001 | ||
Training Data: DeepFashion2 | ||
Name: td-hm_res50_1xb64-210e_deepfasion2-vest-dress-256x192 | ||
Results: | ||
- Dataset: DeepFashion2 | ||
Metrics: | ||
AUC: 0.6 | ||
EPE: 16.0 | ||
[email protected]: 0.98 | ||
Task: Fashion 2D Keypoint | ||
Weights: https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_vest_dress_256x192-fb3fbd6f_20221208.pth | ||
- Config: configs/fashion_2d_keypoint/topdown_heatmap/deepfashion2/td-hm_res50_4xb64-210e_deepfasion2-sling-dress-256x192.py | ||
In Collection: SimpleBaseline2D | ||
Metadata: | ||
Architecture: *id001 | ||
Training Data: DeepFashion2 | ||
Name: td-hm_res50_4xb64-210e_deepfasion2-sling-dress-256x192 | ||
Results: | ||
- Dataset: DeepFashion2 | ||
Metrics: | ||
AUC: 0.544 | ||
EPE: 19.5 | ||
[email protected]: 0.967 | ||
Task: Fashion 2D Keypoint | ||
Weights: https://download.openmmlab.com/mmpose/fashion/resnet/res50_deepfashion2_sling_dress_256x192-8ebae0eb_20221208.pth |
122 changes: 122 additions & 0 deletions
122
...own_heatmap/deepfashion2/td-hm_res50_1xb64-210e_deepfasion2-long-sleeved-dress-256x192.py
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,122 @@ | ||
_base_ = ['../../../_base_/default_runtime.py'] | ||
|
||
# runtime | ||
train_cfg = dict(max_epochs=210, val_interval=10) | ||
|
||
# optimizer | ||
optim_wrapper = dict(optimizer=dict( | ||
type='Adam', | ||
lr=5e-4, | ||
)) | ||
|
||
# learning policy | ||
param_scheduler = [ | ||
dict( | ||
type='LinearLR', begin=0, end=500, start_factor=0.001, | ||
by_epoch=False), # warm-up | ||
dict( | ||
type='MultiStepLR', | ||
begin=0, | ||
end=210, | ||
milestones=[170, 200], | ||
gamma=0.1, | ||
by_epoch=True) | ||
] | ||
|
||
# automatically scaling LR based on the actual training batch size | ||
auto_scale_lr = dict(base_batch_size=64) | ||
|
||
# hooks | ||
default_hooks = dict( | ||
logger=dict(type='LoggerHook', interval=10), | ||
checkpoint=dict(save_best='AUC', rule='greater')) | ||
|
||
# codec settings | ||
codec = dict( | ||
type='MSRAHeatmap', input_size=(192, 256), heatmap_size=(48, 64), sigma=2) | ||
|
||
# model settings | ||
model = dict( | ||
type='TopdownPoseEstimator', | ||
data_preprocessor=dict( | ||
type='PoseDataPreprocessor', | ||
mean=[123.675, 116.28, 103.53], | ||
std=[58.395, 57.12, 57.375], | ||
bgr_to_rgb=True), | ||
backbone=dict( | ||
type='ResNet', | ||
depth=50, | ||
init_cfg=dict(type='Pretrained', checkpoint='torchvision://resnet50'), | ||
), | ||
head=dict( | ||
type='HeatmapHead', | ||
in_channels=2048, | ||
out_channels=294, | ||
loss=dict(type='KeypointMSELoss', use_target_weight=True), | ||
decoder=codec), | ||
test_cfg=dict( | ||
flip_test=True, | ||
flip_mode='heatmap', | ||
shift_heatmap=True, | ||
)) | ||
|
||
# base dataset settings | ||
dataset_type = 'DeepFashion2Dataset' | ||
data_mode = 'topdown' | ||
data_root = 'data/deepfasion2/' | ||
|
||
# pipelines | ||
train_pipeline = [ | ||
dict(type='LoadImage'), | ||
dict(type='GetBBoxCenterScale'), | ||
dict(type='RandomFlip', direction='horizontal'), | ||
dict(type='RandomBBoxTransform'), | ||
dict(type='TopdownAffine', input_size=codec['input_size']), | ||
dict(type='GenerateTarget', encoder=codec), | ||
dict(type='PackPoseInputs') | ||
] | ||
val_pipeline = [ | ||
dict(type='LoadImage'), | ||
dict(type='GetBBoxCenterScale'), | ||
dict(type='TopdownAffine', input_size=codec['input_size']), | ||
dict(type='PackPoseInputs') | ||
] | ||
|
||
# data loaders | ||
train_dataloader = dict( | ||
batch_size=64, | ||
num_workers=2, | ||
persistent_workers=True, | ||
sampler=dict(type='DefaultSampler', shuffle=True), | ||
dataset=dict( | ||
type=dataset_type, | ||
data_root=data_root, | ||
data_mode=data_mode, | ||
ann_file='train/deepfashion2_long_sleeved_dress_train.json', | ||
data_prefix=dict(img='train/image/'), | ||
pipeline=train_pipeline, | ||
)) | ||
val_dataloader = dict( | ||
batch_size=32, | ||
num_workers=2, | ||
persistent_workers=True, | ||
drop_last=False, | ||
sampler=dict(type='DefaultSampler', shuffle=False, round_up=False), | ||
dataset=dict( | ||
type=dataset_type, | ||
data_root=data_root, | ||
data_mode=data_mode, | ||
ann_file='validation/deepfashion2_long_sleeved_dress_validation.json', | ||
data_prefix=dict(img='validation/image/'), | ||
test_mode=True, | ||
pipeline=val_pipeline, | ||
)) | ||
test_dataloader = val_dataloader | ||
|
||
# evaluators | ||
val_evaluator = [ | ||
dict(type='PCKAccuracy', thr=0.2), | ||
dict(type='AUC'), | ||
dict(type='EPE'), | ||
] | ||
test_evaluator = val_evaluator |
Oops, something went wrong.