Skip to content

Commit

Permalink
[Rename] update mmagic's configs (#1780)
Browse files Browse the repository at this point in the history
* [Rename] update mmagic's configs

* [Rename] update mmagic's configs
  • Loading branch information
Z-Fran authored Apr 20, 2023
1 parent f6aebde commit 439f906
Show file tree
Hide file tree
Showing 45 changed files with 84 additions and 84 deletions.
2 changes: 1 addition & 1 deletion README.md
Original file line number Diff line number Diff line change
Expand Up @@ -84,7 +84,7 @@ MMagic is an open-source image and video editing&generating toolbox based on PyT

Currently, MMagic support multiple image and video generation/editing tasks.

https://user-images.githubusercontent.com/12782558/217152698-49169038-9872-4200-80f7-1d5f7613afd7.mp4
https://user-images.githubusercontent.com/49083766/233324087-04542ec1-97cb-45d9-a096-c5337c3e5c75.mp4

The best practice on our main branch works with **Python 3.8+** and **PyTorch 1.9+**.

Expand Down
2 changes: 1 addition & 1 deletion README_zh-CN.md
Original file line number Diff line number Diff line change
Expand Up @@ -82,7 +82,7 @@ MMagic 是基于 PyTorch 的图像&视频编辑和生成开源工具箱。是 [O

目前 MMagic 支持多种图像和视频的生成/编辑任务。

https://user-images.githubusercontent.com/12782558/217152698-49169038-9872-4200-80f7-1d5f7613afd7.mp4
https://user-images.githubusercontent.com/49083766/233324087-04542ec1-97cb-45d9-a096-c5337c3e5c75.mp4

主分支代码的最佳实践基于 **Python 3.8+****PyTorch 1.9+**

Expand Down
4 changes: 2 additions & 2 deletions configs/aot_gan/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -69,7 +69,7 @@ python tools/train.py configs/aot_gan/aot-gan_smpgan_4xb4_places-512x512.py
./tools/dist_train.sh configs/aot_gan/aot-gan_smpgan_4xb4_places-512x512.py 8
```

For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMEditing).
For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMagic).

</details>

Expand All @@ -91,7 +91,7 @@ python tools/test.py configs/aot_gan/aot-gan_smpgan_4xb4_places-512x512.py https
./tools/dist_test.sh configs/aot_gan/aot-gan_smpgan_4xb4_places-512x512.py https://download.openmmlab.com/mmediting/inpainting/aot_gan/AOT-GAN_512x512_4x12_places_20220509-6641441b.pth 8
```

For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMEditing).
For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMagic).

</details>

Expand Down
4 changes: 2 additions & 2 deletions configs/basicvsr/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -64,7 +64,7 @@ python tools/train.py configs/basicvsr/basicvsr_2xb4_reds4.py
./tools/dist_train.sh configs/basicvsr/basicvsr_2xb4_reds4.py 8
```

For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMEditing).
For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMagic).

</details>

Expand All @@ -86,7 +86,7 @@ python tools/test.py configs/basicvsr/basicvsr_2xb4_reds4.py https://download.op
./tools/dist_test.sh configs/basicvsr/basicvsr_2xb4_reds4.py https://download.openmmlab.com/mmediting/restorers/basicvsr/basicvsr_reds4_20120409-0e599677.pth 8
```

For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMEditing).
For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMagic).

</details>

Expand Down
8 changes: 4 additions & 4 deletions configs/basicvsr_pp/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -10,7 +10,7 @@

<!-- [ABSTRACT] -->

A recurrent structure is a popular framework choice for the task of video super-resolution. The state-of-the-art method BasicVSR adopts bidirectional propagation with feature alignment to effectively exploit information from the entire input video. In this study, we redesign BasicVSR by proposing second-order grid propagation and flow-guided deformable alignment. We show that by empowering the recurrent framework with the enhanced propagation and alignment, one can exploit spatiotemporal information across misaligned video frames more effectively. The new components lead to an improved performance under a similar computational constraint. In particular, our model BasicVSR++ surpasses BasicVSR by 0.82 dB in PSNR with similar number of parameters. In addition to video super-resolution, BasicVSR++ generalizes well to other video restoration tasks such as compressed video enhancement. In NTIRE 2021, BasicVSR++ obtains three champions and one runner-up in the Video Super-Resolution and Compressed Video Enhancement Challenges. Codes and models will be released to MMEditing.
A recurrent structure is a popular framework choice for the task of video super-resolution. The state-of-the-art method BasicVSR adopts bidirectional propagation with feature alignment to effectively exploit information from the entire input video. In this study, we redesign BasicVSR by proposing second-order grid propagation and flow-guided deformable alignment. We show that by empowering the recurrent framework with the enhanced propagation and alignment, one can exploit spatiotemporal information across misaligned video frames more effectively. The new components lead to an improved performance under a similar computational constraint. In particular, our model BasicVSR++ surpasses BasicVSR by 0.82 dB in PSNR with similar number of parameters. In addition to video super-resolution, BasicVSR++ generalizes well to other video restoration tasks such as compressed video enhancement. In NTIRE 2021, BasicVSR++ obtains three champions and one runner-up in the Video Super-Resolution and Compressed Video Enhancement Challenges. Codes and models will be released to MMagic.

<!-- [IMAGE] -->

Expand Down Expand Up @@ -45,7 +45,7 @@ The pretrained weights of SPyNet can be found [here](https://download.openmmlab.

**NTIRE 2021 checkpoints**

Note that the following models are finetuned from smaller models. The training schemes of these models will be released when MMEditing reaches 5k stars. We provide the pre-trained models here.
Note that the following models are finetuned from smaller models. The training schemes of these models will be released when MMagic reaches 5k stars. We provide the pre-trained models here.

| Model | Dataset | Download |
| :------------------------------------------------------------------: | :----------------------------------------------------------: | :----------------------------------------------------------------------: |
Expand Down Expand Up @@ -76,7 +76,7 @@ python tools/train.py configs/basicvsr_pp/basicvsr-pp_c64n7_8xb1-600k_reds4.py
./tools/dist_train.sh configs/basicvsr_pp/basicvsr-pp_c64n7_8xb1-600k_reds4.py 8
```

For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMEditing).
For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMagic).

</details>

Expand All @@ -98,7 +98,7 @@ python tools/test.py configs/basicvsr_pp/basicvsr-pp_c64n7_8xb1-600k_reds4.py ht
./tools/dist_test.sh configs/basicvsr_pp/basicvsr-pp_c64n7_8xb1-600k_reds4.py https://download.openmmlab.com/mmediting/restorers/basicvsr_plusplus/basicvsr_plusplus_c64n7_8x1_600k_reds4_20210217-db622b2f.pth 8
```

For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMEditing).
For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMagic).

</details>

Expand Down
2 changes: 1 addition & 1 deletion configs/basicvsr_pp/README_zh-CN.md
Original file line number Diff line number Diff line change
Expand Up @@ -29,7 +29,7 @@ SPyNet 的 预训练权重在[这里](https://download.openmmlab.com/mmediting/r
<details>
<summary align="left">NTIRE 2021 模型权重文件</summary>

请注意,以下模型是从较小的模型中微调而来的。 这些模型的训练方案将在 MMEditing 达到 5k star 时发布。 我们在这里提供预训练的模型。
请注意,以下模型是从较小的模型中微调而来的。 这些模型的训练方案将在 MMagic 达到 5k star 时发布。 我们在这里提供预训练的模型。

| 算法 | 模型 | 赛道 |
| ---------------------------------------------------------------------- | ---------------------------------------------------------------------- | ------------------------------------------------------------ |
Expand Down
4 changes: 2 additions & 2 deletions configs/cain/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -48,7 +48,7 @@ python tools/train.py configs/cain/cain_g1b32_1xb5_vimeo90k-triplet.py
./tools/dist_train.sh configs/cain/cain_g1b32_1xb5_vimeo90k-triplet.py 8
```

For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMEditing).
For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMagic).

</details>

Expand All @@ -70,7 +70,7 @@ python tools/test.py configs/cain/cain_g1b32_1xb5_vimeo90k-triplet.py https://do
./tools/dist_test.sh configs/cain/cain_g1b32_1xb5_vimeo90k-triplet.py https://download.openmmlab.com/mmediting/video_interpolators/cain/cain_b5_g1b32_vimeo90k_triplet_20220530-3520b00c.pth 8
```

For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMEditing).
For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMagic).

</details>

Expand Down
2 changes: 1 addition & 1 deletion configs/cyclegan/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -21,7 +21,7 @@ Image-to-image translation is a class of vision and graphics problems where the
## Results and Models

<div align="center">
<b> Results from CycleGAN trained by mmediting</b>
<b> Results from CycleGAN trained by mmagic</b>
<br/>
<img src="https://user-images.githubusercontent.com/22982797/114303527-108ed200-9b01-11eb-978c-274392e4d8e0.PNG" width="800"/>
</div>
Expand Down
4 changes: 2 additions & 2 deletions configs/deepfillv1/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -52,7 +52,7 @@ python tools/train.py configs/deepfillv1/deepfillv1_8xb2_places-256x256.py
./tools/dist_train.sh configs/deepfillv1/deepfillv1_8xb2_places-256x256.py 8
```

For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMEditing).
For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMagic).

</details>

Expand All @@ -74,7 +74,7 @@ python tools/test.py configs/deepfillv1/deepfillv1_8xb2_places-256x256.py https:
./tools/dist_test.sh configs/deepfillv1/deepfillv1_8xb2_places-256x256.py https://download.openmmlab.com/mmediting/inpainting/deepfillv1/deepfillv1_256x256_8x2_places_20200619-c00a0e21.pth 8
```

For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMEditing).
For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMagic).

</details>

Expand Down
4 changes: 2 additions & 2 deletions configs/deepfillv2/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -52,7 +52,7 @@ python tools/train.py configs/deepfillv2/deepfillv2_8xb2_places-256x256.py
./tools/dist_train.sh configs/deepfillv2/deepfillv2_8xb2_places-256x256.py 8
```

For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMEditing).
For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMagic).

</details>

Expand All @@ -74,7 +74,7 @@ python tools/test.py configs/deepfillv2/deepfillv2_8xb2_places-256x256.py https:
./tools/dist_test.sh configs/deepfillv2/deepfillv2_8xb2_places-256x256.py https://download.openmmlab.com/mmediting/inpainting/deepfillv2/deepfillv2_256x256_8x2_places_20200619-10d15793.pth 8
```

For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMEditing).
For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMagic).

</details>

Expand Down
4 changes: 2 additions & 2 deletions configs/dic/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -52,7 +52,7 @@ python tools/train.py configs/dic/dic_gan-x8c48b6_4xb2-500k_celeba-hq.py
./tools/dist_train.sh configs/dic/dic_gan-x8c48b6_4xb2-500k_celeba-hq.py 8
```

For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMEditing).
For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMagic).

</details>

Expand All @@ -74,7 +74,7 @@ python tools/test.py configs/dic/dic_gan-x8c48b6_4xb2-500k_celeba-hq.py https://
./tools/dist_test.sh configs/dic/dic_gan-x8c48b6_4xb2-500k_celeba-hq.py https://download.openmmlab.com/mmediting/restorers/dic/dic_gan_x8c48b6_g4_500k_CelebAHQ_20210625-3b89a358.pth 8
```

For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMEditing).
For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMagic).

</details>

Expand Down
4 changes: 2 additions & 2 deletions configs/dim/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -90,7 +90,7 @@ python tools/train.py configs/dim/dim_stage3-v16-pln_1xb1-1000k_comp1k.py
./tools/dist_train.sh configs/dim/dim_stage3-v16-pln_1xb1-1000k_comp1k.py 8
```

For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMEditing).
For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMagic).

</details>

Expand All @@ -112,7 +112,7 @@ python tools/test.py configs/dim/dim_stage3-v16-pln_1xb1-1000k_comp1k.py https:/
./tools/dist_test.sh configs/dim/dim_stage3-v16-pln_1xb1-1000k_comp1k.py https://download.openmmlab.com/mmediting/mattors/dim/dim_stage3_v16_pln_1x1_1000k_comp1k_SAD-50.6_20200609_111851-647f24b6.pth 8
```

For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMEditing).
For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMagic).

</details>

Expand Down
2 changes: 1 addition & 1 deletion configs/disco_diffusion/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -104,7 +104,7 @@ save_image(image, "image.png")

## Tutorials

Considering that `disco-diffusion` contains many adjustable parameters, we provide users with a [jupyter-notebook](./tutorials.ipynb) / [colab](https://githubtocolab.com/open-mmlab/mmediting/blob/main/configs/disco_diffusion/tutorials.ipynb) tutorial that exhibits the meaning of different parameters, and gives results corresponding to adjustment.
Considering that `disco-diffusion` contains many adjustable parameters, we provide users with a [jupyter-notebook](./tutorials.ipynb) / [colab](https://githubtocolab.com/open-mmlab/mmagic/blob/main/configs/disco_diffusion/tutorials.ipynb) tutorial that exhibits the meaning of different parameters, and gives results corresponding to adjustment.
Refer to [Disco Sheet](https://docs.google.com/document/d/1l8s7uS2dGqjztYSjPpzlmXLjl5PM3IGkRWI3IiCuK7g/edit).

## Credits
Expand Down
4 changes: 2 additions & 2 deletions configs/disco_diffusion/README_zh-CN.md
Original file line number Diff line number Diff line change
Expand Up @@ -78,7 +78,7 @@ Disco Diffusion(DD)是一个 Google Colab 笔记本,它利用一种叫做 CLIP

```python
from mmengine import Config, MODELS
from mmedit.utils import register_all_modules
from mmagic.utils import register_all_modules
from torchvision.utils import save_image

register_all_modules()
Expand All @@ -104,7 +104,7 @@ save_image(image, "image.png")

## 教程

考虑到`disco-diffusion`包含许多可调整的参数,我们为用户提供了一个[jupyter-notebook](./tutorials.ipynb)/[colab](https://githubtocolab.com/open-mmlab/mmediting/blob/main/configs/disco_diffusion/tutorials.ipynb)的教程,展示了不同参数的含义,并给出相应的调整结果。
考虑到`disco-diffusion`包含许多可调整的参数,我们为用户提供了一个[jupyter-notebook](./tutorials.ipynb)/[colab](https://githubtocolab.com/open-mmlab/mmagic/blob/main/configs/disco_diffusion/tutorials.ipynb)的教程,展示了不同参数的含义,并给出相应的调整结果。
请参考[Disco Sheet](https://docs.google.com/document/d/1l8s7uS2dGqjztYSjPpzlmXLjl5PM3IGkRWI3IiCuK7g/edit)

## 鸣谢
Expand Down
16 changes: 8 additions & 8 deletions configs/disco_diffusion/tutorials.ipynb
Original file line number Diff line number Diff line change
Expand Up @@ -42,7 +42,7 @@
"cell_type": "markdown",
"metadata": {},
"source": [
"## Install MMEditing"
"## Install MMagic"
]
},
{
Expand Down Expand Up @@ -73,11 +73,11 @@
"metadata": {},
"outputs": [],
"source": [
"# Install mmediting from source\n",
"# Install mmagic from source\n",
"%cd /content/\n",
"!rm -rf mmediting\n",
"!git clone https://github.com/open-mmlab/mmediting.git \n",
"%cd mmediting\n",
"!rm -rf mmagic\n",
"!git clone https://github.com/open-mmlab/mmagic.git \n",
"%cd mmagic\n",
"!pip install -r requirements.txt\n",
"!pip install -e ."
]
Expand All @@ -98,14 +98,14 @@
"import torch\n",
"from mmengine import Config, MODELS\n",
"from mmengine.registry import init_default_scope\n",
"from mmedit.registry import MODULES\n",
"from mmagic.registry import MODULES\n",
"from mmcv import tensor2imgs\n",
"from matplotlib import pyplot as plt\n",
"\n",
"from torchvision.transforms import ToPILImage, Normalize, Compose\n",
"from IPython.display import Image\n",
"\n",
"init_default_scope('mmedit')\n",
"init_default_scope('mmagic')\n",
"\n",
"\n",
"def show_tensor(image_tensor, index=0):\n",
Expand Down Expand Up @@ -290,7 +290,7 @@
"metadata": {},
"outputs": [],
"source": [
"from mmedit.models.editors.disco_diffusion.guider import ImageTextGuider\n",
"from mmagic.models.editors.disco_diffusion.guider import ImageTextGuider\n",
"\n",
"\n",
"config = 'configs/disco_diffusion/disco-diffusion_adm-u-finetuned_imagenet-512x512.py'\n",
Expand Down
4 changes: 2 additions & 2 deletions configs/edsr/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -55,7 +55,7 @@ python tools/train.py configs/edsr/edsr_x4c64b16_1xb16-300k_div2k.py
./tools/dist_train.sh configs/edsr/edsr_x4c64b16_1xb16-300k_div2k.py 8
```

For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMEditing).
For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMagic).

</details>

Expand All @@ -77,7 +77,7 @@ python tools/test.py configs/edsr/edsr_x4c64b16_1xb16-300k_div2k.py https://down
./tools/dist_test.sh configs/edsr/edsr_x4c64b16_1xb16-300k_div2k.py https://download.openmmlab.com/mmediting/restorers/edsr/edsr_x4c64b16_1x16_300k_div2k_20200608-3c2af8a3.pth 8
```

For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMEditing).
For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMagic).

</details>

Expand Down
4 changes: 2 additions & 2 deletions configs/edvr/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -50,7 +50,7 @@ python tools/train.py configs/edvr/edvrm_8xb4-600k_reds.py
./tools/dist_train.sh configs/edvr/edvrm_8xb4-600k_reds.py 8
```

For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMEditing).
For more details, you can refer to **Train a model** part in [train_test.md](/docs/en/user_guides/train_test.md#Train-a-model-in-MMagic).

</details>

Expand All @@ -72,7 +72,7 @@ python tools/test.py configs/edvr/edvrm_8xb4-600k_reds.py https://download.openm
./tools/dist_test.sh configs/edvr/edvrm_8xb4-600k_reds.py https://download.openmmlab.com/mmediting/restorers/edvr/edvrm_x4_8x4_600k_reds_20210625-e29b71b5.pth 8
```

For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMEditing).
For more details, you can refer to **Test a pre-trained model** part in [train_test.md](/docs/en/user_guides/train_test.md#Test-a-pre-trained-model-in-MMagic).

</details>

Expand Down
Loading

0 comments on commit 439f906

Please sign in to comment.