Skip to content

Commit 5e0afb9

Browse files
LeoXing1996zengyh1900plyfagerZ-Franryanxingql
authored
Bump to 1.0.0rc3. (#1425)
* [Improve] add a version option in docs menu (#1162) * update docs menu * update docs/datasets * [Enhance] update dev_scripts for link checking (#1164) update dev_scripts for link checking * [Refactoring] decompose the implementations of different metrics into several files (#1161) * refactor metrics * add UT for refactored metrics * [Fix] Fix PPL bug (#1172) fix ppl bug * [Fix] Fix some known bugs. (#1200) * fix bug in ceph config generation * fix download error in io_utils * trigger CI * [Fix] Benchmark related bugs (#1236) * fix benchmark url and related stuff * fix lint * [Enhancement] Support rerun failed or canceled jobs in `train_benchmark.py` (#1259) * trigger CI * fix cache dir in job watcher * support rerun failure or canceled jobs in train benchmark * add use case and readme for rerun * avoid trigger circle CI pr-stage-test when .dev_script is modified * support change cpus-per-task in train benchmark * [Fix] Fix bugs in `sr test config`, `realbasicvsr config` and `pconv config` (#1167) * fix pconv bug * fix realbasicvsr * fix sisr test config * [Fix] fix test of Vid4 datasets bug (#1293) * [Fix] fix test of Vid4 datasets bug * Update tof_x4_official_vimeo90k.py * Update tdan_x4_1xb16-lr1e-4-400k_vimeo90k-bd.py * Update tdan_test_config.py * [Feature] Support multi-metrics with different sample-model (#1171) support multi-metrics with different sample-model * [Fix] fix GenerateSegmentIndices ut (#1302) * [Enhancement] Reduce the randomness in unit test of `stylegan3_utils.py` (#1306) make s3-utils unit test more robustic * [CI] Fix GitHub windows CI (#1320) * add 'python -m' to windows' workflow * [Fix] fix basicvsr++ mirror sequence bug (#1304) * [Fix] fix sisr-test psnr config (#1319) * [Fix] fix vsr models pytorch2onnx (#1300) * [Bug] Ensure the output type of `GenerateFacialHeatmap` is `np.float32` (#1310) * trigger CI * ensure output of GenerateFacialHeatmap is float32 * [Bug] Fix sampling behavior of `unpaired_dataset.py` and urls in cyclegan's README (#1308) * trigger CI * fix download url in cyclegan readme * fix bug in unpaired dataset * support evaluate multi metrics in one configs for cyclegan models * [README] Fix TTSR's README (#1325) fix TTSR's README * [CI] Update `paths-ignore` for GitHub CI (#1327) update paths-ignore for GitHub CI * [Bug] Save gt images in PGGAN's `forward` (#1328) * save gt image to data samples in forward * add ut to ensure gt img is saved * [Bug] Correct RDN number of channels (#1332) * [Bug] Revise flip transformation in some conditional gan's setting (#1331) revise flip transformation in some conditional gan's setting * [Unit Test] Fix unit test of SNR (#1335) fix unit test of SNR * [Bug] Revise flavr config (#1336) revise flavr config * [Fix] fix realesrgan ema (#1341) * [Fix] fix realesrgan ema * fix * fix ut * fix config * fix ut * [Fix] Fix bugs find during benchmark running (#1348) * fix stylegan1 register name, add fid metric mapping * fix lint * [Fix] fix liif test config (#1353) * [Enhancement] Complete save_best in configs (#1349) complete save_best in generative models and glean * [Config] Revise discriminator's learning rate of TTSR to align with 0.x version (#1352) align ttsr-gan's disc lr with 0.x version (1e-4 -> 1e-5) * [Fix] fix edsr configs (#1367) fix edsr * [Enhancement] Add pixel value clip in visualizer (#1365) add pixel value clip in visualizer * [Bug] Fix randomness in FixedCrop + add L1 loss in Pix2Pix (#1364) * fix randomness in FixedCrop + add L1 loss in Pix2Pix * add deterministic training for p2p * [Fix] fix realbasicvsr config (#1358) * [Enhancement] Fix PESinGAN-inter-pad setting + add SinGAN Dataset + add SinGAN demo (#1363) * add singan dataset * adopt singan config with PackEditInputs * revise forward logic of SinGANMSGeneratorPE * fix ema-related logic of SinGAN * add singan demo * add unit test for pe-singan * add unit test for singan-ema and revise singan * [Fix] fix types of exceptions in demos (#1372) fix types of exceptions in demos * [Enhancement] Support deterministic training in benchmark (#1356) * support deterministic training in benchmark * add kill-on-bad-exit to benchmark * [Fix] Avoid cast int and float in GenDataPreprocessor (#1385) avoid cast int and float in GenDataPreprocessor * [Config] Update metric config in ggan (#1386) * update metric config in ggan * update gen_default_runtime * [Config] Revise batch size in wang-gp's config (#1384) revise batch size in wang-gp's config * [Fix]: add type and change default number of preprocess_div2k_dataset.py (#1380) * [Fix]: add type and change default number of preprocess_div2k_dataset.py * using mmengine.scandir instead of mmcv.scandir Co-authored-by: zenggyh1900 <[email protected]> * [Feature] Support qualitative comparison tools (#1303) * Add base gui * support patch compare * support slider compare * readme * add recording prompt * fix lint * fix comments Co-authored-by: unknown <[email protected]> * [Docs] Revise docs (change PackGenInputs and GenDataSample to mmediting ones) (#1382) revise docs (change PackGenInputs and GenDataSample to mmediting ones) Co-authored-by: Yanhong Zeng <[email protected]> * [Config] Revise Pix2Pix edges2shoes config (#1391) * revise config for p2p-edge2shoes * update batch size setting * rename config name and revise readme * [Bug] fix rdn and srcnn train configs (#1392) * fix srcnn * fix rdn * [Fix] Fix test/val pipeline of pegan configs (#1393) fix ppegan configs * [Fix] Modify Readme of S3 (#1398) modify readme * [Fix] Correct fid of ggan (#1397) fix readme of ggan * [Feature] support instance_aware_colorization inference (#1370) * add Instance-aware Image Colorization * update configs * update docstring if instance-aware image colorization * add unit test of instance_aware_colorization * use mmdet Co-authored-by: ruoning <[email protected]> * [Bug] fix cain config (#1404) * fix srcnn * [Bug] fix cain config * [Fix] Revise config and pretrain model loading in esrgan (#1407) revise config and pretrain model loading in esrgan * [Fix] Fix lsgan config (#1409) fix lsgan config * [Enhancement] Support `try_import` for `mmdet` (#1408) * add try-import for mmdet * revise import logic * add unit test for try_import Co-authored-by: Yanhong Zeng <[email protected]> Co-authored-by: Yifei Yang <[email protected]> * [Enhancement] Set ``real_feat`` to cpu in inception_utils (#1415) fix s2 configs * [Enhancement] git ignore slurm generated files (#1416) * improve git ignore * add a blank line * [Fix] modify readme and configs of stylegan2&pegan (#1418) modify readme and configs of stylegan2&pegan * [Enhancement] Support try-import for `clip` (#1420) * support try-import for clip * update ci * [Enhancement]: Improve the rendering of Docs-API (#1373) * [Enhancement]: Improve the rendering of Docs-API * fix lint Co-authored-by: root <[email protected]> Co-authored-by: Yanhong Zeng <[email protected]> * [Fix] Complete requirements (#1419) * add requirements * fix lint Co-authored-by: Yanhong Zeng <[email protected]> * [Doc] Update changelog and README for 1.0.0rc3. (#1421) * update changelog and README * revise change log * [Bug] Install clip in merge stage test (#1423) install clip in merge stage test * [Fix] Install clip in windows CI (#1424) install clip in windows CI Co-authored-by: Yanhong Zeng <[email protected]> Co-authored-by: Yifei Yang <[email protected]> Co-authored-by: Z-Fran <[email protected]> Co-authored-by: Qunliang Xing <[email protected]> Co-authored-by: Yang Gao <[email protected]> Co-authored-by: ruoning <[email protected]> Co-authored-by: unknown <[email protected]> Co-authored-by: root <[email protected]>
1 parent 68fd55c commit 5e0afb9

File tree

73 files changed

+1789
-333
lines changed

Some content is hidden

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

73 files changed

+1789
-333
lines changed

.circleci/test.yml

Lines changed: 2 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -64,6 +64,7 @@ jobs:
6464
mim install 'mmcv >= 2.0.0rc1'
6565
mim install 'mmdet >= 3.0.0rc2'
6666
pip install -r requirements/tests.txt
67+
pip install git+https://github.com/openai/CLIP.git
6768
- run:
6869
name: Build and install
6970
command: |
@@ -108,6 +109,7 @@ jobs:
108109
docker exec mmedit mim install 'mmcv >= 2.0.0rc1'
109110
docker exec mmedit mim install 'mmdet >= 3.0.0rc2'
110111
docker exec mmedit pip install -r requirements/tests.txt
112+
docker exec mmedit pip install git+https://github.com/openai/CLIP.git
111113
- run:
112114
name: Build and install
113115
command: |

.dev_scripts/train_benchmark.py

Lines changed: 1 addition & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -243,8 +243,7 @@ def create_train_job_batch(commands, model_info, args, port, script_name):
243243
job_script += (f'#SBATCH --gres=gpu:{n_gpus}\n'
244244
f'#SBATCH --ntasks-per-node={min(n_gpus, 8)}\n'
245245
f'#SBATCH --ntasks={n_gpus}\n'
246-
f'#SBATCH --cpus-per-task={args.cpus_per_job}\n'
247-
f'#SBATCH --kill-on-bad-exit=1\n\n')
246+
f'#SBATCH --cpus-per-task={args.cpus_per_job}\n\n')
248247
else:
249248
job_script += '\n\n' + 'export CUDA_VISIBLE_DEVICES=-1\n'
250249

.github/workflows/merge_stage_test.yml

Lines changed: 7 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -47,7 +47,9 @@ jobs:
4747
mim install 'mmcv >= 2.0.0rc1'
4848
mim install 'mmdet >= 3.0.0rc2'
4949
- name: Install other dependencies
50-
run: pip install -r requirements/tests.txt
50+
run: |
51+
pip install -r requirements/tests.txt
52+
pip install git+https://github.com/openai/CLIP.git
5153
- name: Build and install
5254
run: rm -rf .eggs && pip install -e .
5355
- name: Run unittests and generate coverage report
@@ -95,7 +97,9 @@ jobs:
9597
mim install 'mmcv >= 2.0.0rc1'
9698
mim install 'mmdet >= 3.0.0rc2'
9799
- name: Install other dependencies
98-
run: pip install -r requirements/tests.txt
100+
run: |
101+
pip install -r requirements/tests.txt
102+
pip install git+https://github.com/openai/CLIP.git
99103
- name: Build and install
100104
run: rm -rf .eggs && pip install -e .
101105
- name: Run unittests and generate coverage report
@@ -181,6 +185,7 @@ jobs:
181185
mim install 'mmcv >= 2.0.0rc1'
182186
mim install 'mmdet >= 3.0.0rc2'
183187
python -m pip install -r requirements/tests.txt
188+
python -m pip install git+https://github.com/openai/CLIP.git
184189
- name: Build and install
185190
run: |
186191
python -m pip install -e .

.github/workflows/pr_stage_test.yml

Lines changed: 5 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -41,7 +41,9 @@ jobs:
4141
mim install 'mmcv >= 2.0.0rc1'
4242
mim install 'mmdet >= 3.0.0rc2'
4343
- name: Install other dependencies
44-
run: pip install -r requirements/tests.txt
44+
run: |
45+
pip install -r requirements/tests.txt
46+
pip install git+https://github.com/openai/CLIP.git
4547
- name: Build and install
4648
run: rm -rf .eggs && pip install -e .
4749
- name: Run unittests and generate coverage report
@@ -97,6 +99,7 @@ jobs:
9799
mim install 'mmcv >= 2.0.0rc1'
98100
mim install 'mmdet >= 3.0.0rc2'
99101
pip install -r requirements/tests.txt
102+
pip install git+https://github.com/openai/CLIP.git
100103
- name: Build and install
101104
run: |
102105
python setup.py check -m -s
@@ -131,6 +134,7 @@ jobs:
131134
mim install 'mmcv >= 2.0.0rc1'
132135
mim install 'mmdet >= 3.0.0rc2'
133136
python -m pip install -r requirements/tests.txt
137+
pip install git+https://github.com/openai/CLIP.git
134138
- name: Build and install
135139
run: |
136140
python -m pip install -e .

.gitignore

Lines changed: 5 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -70,6 +70,7 @@ docs/en/_tmp/
7070
docs/zh_cn/_build/
7171
docs/zh_cn/_tmp/
7272
requirements/src/
73+
docs/en/api/generated
7374

7475
# PyBuilder
7576
target/
@@ -140,3 +141,7 @@ out/*.png
140141

141142
# MacOS
142143
.DS_Store
144+
145+
# Slurm
146+
batchscript-*
147+
*.out

README.md

Lines changed: 2 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -106,12 +106,13 @@ hope MMEditing could provide better experience.
106106

107107
### 🌟 Preview of 1.x version
108108

109-
A brand new version of [**MMEditing v1.0.0rc2**](https://github.com/open-mmlab/mmediting/releases/tag/v1.0.0rc2) was released in 02/11/2022:
109+
A brand new version of [**MMEditing v1.0.0rc3**](https://github.com/open-mmlab/mmediting/releases/tag/v1.0.0rc3) was released in 09/11/2022:
110110

111111
- Support all the tasks, models, metrics, and losses in [MMGeneration](https://github.com/open-mmlab/mmgeneration) 😍。
112112
- Unifies interfaces of all components based on [MMEngine](https://github.com/open-mmlab/mmengine).
113113
- Support patch-based and slider-based image and video comparison viewer.
114114
- Support image colorization.
115+
- Convert `mmdet` and `clip` to optional requirements.
115116

116117
Find more new features in [1.x branch](https://github.com/open-mmlab/mmediting/tree/1.x). Issues and PRs are welcome!
117118

README_zh-CN.md

Lines changed: 2 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -105,12 +105,13 @@ MMEditing 缜密地设计新的框架并将其精心实现,希望能够为您
105105

106106
### 🌟 1.x 预览版本
107107

108-
全新的 [**MMEditing v1.0.0rc2**](https://github.com/open-mmlab/mmediting/releases/tag/v1.0.0rc2) 已经在 02/11/2022 发布:
108+
全新的 [**MMEditing v1.0.0rc3**](https://github.com/open-mmlab/mmediting/releases/tag/v1.0.0rc3) 已经在 09/11/2022 发布:
109109

110110
- 支持[MMGeneration](https://github.com/open-mmlab/mmgeneration)中的全量任务、模型、优化函数和评价指标 😍。
111111
- 基于[MMEngine](https://github.com/open-mmlab/mmengine)统一了各组件接口。
112112
- 支持基于图像子块以及滑动条的图像和视频比较可视化工具。
113113
- 支持图像上色任务。
114+
-`mmdet``clip` 切换为可选依赖
114115

115116
[1.x 分支](https://github.com/open-mmlab/mmediting/tree/1.x)中发现更多特性!欢迎提 Issues 和 PRs!
116117

configs/cain/cain_g1b32_1xb5_vimeo90k-triplet.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -83,7 +83,7 @@
8383
num_workers=32,
8484
batch_size=32, # 1 gpu
8585
persistent_workers=False,
86-
sampler=dict(type='InfiniteSampler', shuffle=True),
86+
sampler=dict(type='DefaultSampler', shuffle=True),
8787
dataset=dict(
8888
type=train_dataset_type,
8989
ann_file='tri_trainlist.txt',

configs/esrgan/esrgan_psnr-x4c64b23g32_1xb16-1000k_div2k.py

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -90,8 +90,8 @@
9090
sampler=dict(type='DefaultSampler', shuffle=False),
9191
dataset=dict(
9292
type=dataset_type,
93-
metainfo=dict(dataset_type='set5', task_name='sisr'),
94-
data_root=data_root + '/Set5',
93+
metainfo=dict(dataset_type='set14', task_name='sisr'),
94+
data_root=data_root + '/Set14',
9595
data_prefix=dict(img='LRbicx4', gt='GTmod12'),
9696
pipeline=val_pipeline))
9797

configs/esrgan/esrgan_x4c64b23g32_1xb16-400k_div2k.py

Lines changed: 5 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -5,12 +5,13 @@
55

66
scale = 4
77

8-
# load_from = 'https://download.openmmlab.com/mmediting/restorers/esrgan/esrgan_x4c64b23g32_1x16_400k_div2k_20200508-f8ccaf3b.pth' # noqa
9-
108
# DistributedDataParallel
119
model_wrapper_cfg = dict(type='MMSeparateDistributedDataParallel')
1210

1311
# model settings
12+
pretrain_generator_url = (
13+
'https://download.openmmlab.com/mmediting/restorers/esrgan'
14+
'/esrgan_psnr_x4c64b23g32_1x16_1000k_div2k_20200420-bf5c993c.pth')
1415
model = dict(
1516
type='ESRGAN',
1617
generator=dict(
@@ -20,7 +21,8 @@
2021
mid_channels=64,
2122
num_blocks=23,
2223
growth_channels=32,
23-
upscale_factor=scale),
24+
upscale_factor=scale,
25+
init_cfg=dict(type='Pretrained', checkpoint=pretrain_generator_url)),
2426
discriminator=dict(type='ModifiedVGG', in_channels=3, mid_channels=64),
2527
pixel_loss=dict(type='L1Loss', loss_weight=1e-2, reduction='mean'),
2628
perceptual_loss=dict(

0 commit comments

Comments
 (0)