Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
https://github.com/Kiteretsu77/APISR
APISR: Anime Production Inspired Real-World Anime Super-Resolution (CVPR 2024)
https://github.com/Kiteretsu77/APISR
Last synced: about 5 hours ago
JSON representation
APISR: Anime Production Inspired Real-World Anime Super-Resolution (CVPR 2024)
- Host: GitHub
- URL: https://github.com/Kiteretsu77/APISR
- Owner: Kiteretsu77
- License: gpl-3.0
- Created: 2024-03-02T04:18:53.000Z (9 months ago)
- Default Branch: main
- Last Pushed: 2024-04-08T18:19:51.000Z (7 months ago)
- Last Synced: 2024-04-09T03:26:16.489Z (7 months ago)
- Language: Python
- Size: 11.2 MB
- Stars: 399
- Watchers: 11
- Forks: 30
- Open Issues: 4
-
Metadata Files:
- Readme: README.md
- License: LICENSE
Awesome Lists containing this project
- awesome-llm-projects - APISR - World Anime Super-Resolution (CVPR 2024) (Projects / ๐ Image)
README
## APISR: Anime Production Inspired Real-World Anime Super-Resolution (CVPR 2024)
APISR is an image&video upscaler that aims at restoring and enhancing low-quality low-resolution anime images and video sources with various degradations from real-world scenarios.
[![Arxiv](https://img.shields.io/badge/Arxiv-.svg)](https://arxiv.org/abs/2403.01598) โ [![HF Demo](https://img.shields.io/static/v1?label=Demo&message=HuggingFace&color=orange)](https://huggingface.co/spaces/HikariDawn/APISR) โ [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/camenduru/APISR-jupyter/blob/main/APISR_jupyter.ipynb) โ [![HF Demo](https://img.shields.io/static/v1?label=Demo&message=OpenBayes%E8%B4%9D%E5%BC%8F%E8%AE%A1%E7%AE%97&color=green)](https://openbayes.com/console/public/tutorials/DZr8QYzH5LZ) โ๐ฅ [Update](#Update) **|** ๐ [**Visualization**](#Visualization) **|** ๐ง [Installation](#installation) **|** ๐ฐ [**Model Zoo**](docs/model_zoo.md) **|** โก [Inference](#inference) **|** ๐งฉ [Dataset Curation](#dataset_curation) **|** ๐ป [Train](#train)
## Update ๐ฅ๐ฅ๐ฅ
- [x] Release Paper version implementation of APISR
- [x] Release different upscaler factor weight (for 2x, 4x and more)
- [x] Gradio demo (with online)
- [x] Provide weight with different architecture (DAT-Small)
- [x] Add the result combined with Toon Crafter
- [ ] Release the weight trained with Diffusion Generated Images
- [ ] Create a Project Page
- [ ] Some Online Demo for Chinese users && README in Chinese:star: **If you like APISR, please help star this repo. Thanks!** :hugs:
## Visualization (Click them for the best view!) ๐
[](https://imgsli.com/MjQ1NzIz) [](https://imgsli.com/MjQ1NzMw)
[](https://imgsli.com/MjQ1NzIy) [](https://imgsli.com/MjQ1NzM5)
[](https://imgsli.com/MjQ1NzIx) [](https://imgsli.com/MjQ1NzE0)
[](https://imgsli.com/MjQ1NzMx) [](https://imgsli.com/MjQ1NzMy)
## Toon Crafter Examples Upscale
Please check [**toon_crafter_upscale**](docs/toon_crafer_example.md)
```shell
git clone [email protected]:Kiteretsu77/APISR.git
cd APISR# Create conda env
conda create -n APISR python=3.10
conda activate APISR# Install Pytorch and other packages needed
pip install torch==2.1.1 torchvision==0.16.1 torchaudio==2.1.1 --index-url https://download.pytorch.org/whl/cu118
pip install -r requirements.txt# To be absolutely sure that the tensorboard can execute. I recommend the following CMD from "https://github.com/pytorch/pytorch/issues/22676#issuecomment-534882021"
pip uninstall tb-nightly tensorboard tensorflow-estimator tensorflow-gpu tf-estimator-nightly
pip install tensorflow# Install FFMPEG [Only needed for training and dataset curation stage; inference only does not need ffmpeg] (the following is for the linux system, Windows users can download ffmpeg from https://ffmpeg.org/download.html)
sudo apt install ffmpeg
```## Gradio Fast Inference โกโกโก
Gradio option doesn't need to prepare the weight from the user side but they can only process one image each time.Online demo can be found at https://huggingface.co/spaces/HikariDawn/APISR (HuggingFace) or https://colab.research.google.com/github/camenduru/APISR-jupyter/blob/main/APISR_jupyter.ipynb (Colab)
Local Gradio can be created by running the following:
```shell
python app.py
```**Note:** Gradio is designed for fast inference, so we will automatically download existing weights and downsample to 720P to ease the VRAM consumption. For a full grounder inference, please check the regular inference section below.
1. Download the model weight from [**model zoo**](docs/model_zoo.md) and **put the weight to "pretrained" folder**.
2. Then, Execute (**single image/video** or a **directory mixed with images&videos** are all ok!)
```shell
python test_code/inference.py --input_dir XXX --weight_path XXX --store_dir XXX
```
If the weight you download is paper weight, the default argument of test_code/inference.py is capable of executing sample images from "__assets__" folder## Dataset Curation ๐งฉ
Our dataset curation pipeline is under **dataset_curation_pipeline** folder.You can collect your dataset by sending videos (mp4 or other format) into the pipeline and get the least compressed and the most informative images from the video sources.
1. Download [IC9600](https://github.com/tinglyfeng/IC9600?tab=readme-ov-file) weight (ck.pth) from https://drive.google.com/drive/folders/1N3FSS91e7FkJWUKqT96y_zcsG9CRuIJw and place it at "pretrained/" folder (else, you can define a different **--IC9600_pretrained_weight_path** in the following collect.py execution)
2. With a folder with video sources, you can execute the following to get a basic dataset (with **ffmpeg** installed):
```shell
python dataset_curation_pipeline/collect.py --video_folder_dir XXX --save_dir XXX
```3. Once you get an image dataset with various aspect ratios and resolutions, you can run the following scripts
Be careful to check **uncropped_hr** && **degrade_hr_dataset_path** && **train_hr_dataset_path** (we will use these path in **opt.py** setting during training stage)
In order to decrease memory utilization and increase training efficiency, we pre-process all time-consuming pseudo-GT (**train_hr_dataset_path**) at the dataset preparation stage.
But, in order to create a natural input for prediction-oriented compression, in every epoch, the degradation started from the uncropped GT (**uncropped_hr**), and LR synthetic images are concurrently stored. The cropped HR GT dataset (**degrade_hr_dataset_path**) and cropped pseudo-GT (**train_hr_dataset_path**) are fixed in the dataset preparation stage and won't be modified during training.Be careful to check if there is any OOM. If there is, it will be impossible to get the correct dataset preparation. Usually, this is because **num_workers** in **scripts/anime_strong_usm.py** is too big!
```shell
bash scripts/prepare_datasets.sh
```
**The whole training process can be done in one RTX3090/4090!**
1. Prepare a dataset ([AVC](https://github.com/TencentARC/AnimeSR?tab=readme-ov-file#request-for-avc-dataset) / API) that is preprocessed by STEP 2 & 3 in [**Dataset Curation**](#dataset_curation)
In total, you will have 3 folders prepared before executing the following commands:
--> **uncropped_hr**: uncropped GT
--> **degrade_hr_dataset_path**: cropped GT
--> **train_hr_dataset_path**: cropped Pseudo-GT2. Train: Please check **opt.py** carefully to set the hyperparameters you want (modifying **Frequently Changed Setting** is usually enough).
**Note1**: When you execute the following, we will create a "**tmp**" folder to hold generated lr images for sanity check. You can modify the code to delete it if you want.
**Note2**: If you have a strong CPU, and if you want to accelerate, you can increase **parallel_num** in the **opt.py**.
**Step1** (Net **L1** loss training): Run
```shell
python train_code/train.py
```
The trained model weights will be inside the folder 'saved_models' (same as checkpoints)**Step2** (GAN **Adversarial** Training):
1. Change opt['architecture'] in **opt.py** to "GRLGAN" and change **batch size** if you need. BTW, I don't think that, for personal training, it is needed to train 300K iter for GAN. I did that in order to follow the same setting as in AnimeSR and VQDSR, but **100K ~ 130K** should have a decent visual result.2. Following previous works, GAN should start from L1 loss pre-trained network, so please carry a **pretrained_path** (the default path below should be fine)
```shell
python train_code/train.py --pretrained_path saved_models/grl_best_generator.pth
```## Citation
Please cite us if our work is useful for your research.
```
@inproceedings{wang2024apisr,
title={APISR: Anime Production Inspired Real-World Anime Super-Resolution},
author={Wang, Boyang and Yang, Fengyu and Yu, Xihang and Zhang, Chao and Zhao, Hanbin},
booktitle={Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition},
pages={25574--25584},
year={2024}
}
```## Disclaimer
This project is released for academic use only. We disclaim responsibility for the distribution of the model weight and sample images. Users are solely liable for their actions.
The project contributors are not legally affiliated with, nor accountable for, users' behaviors.## License
This project is released under the [GPL 3.0 license](LICENSE). Also, check the disclaimer.## ๐ง Contact
If you have any questions, please feel free to contact me at [email protected] or [email protected].## ๐งฉ Projects that use APISR
If you develop/use APISR in your projects, welcome to let me know. I will write all of them here. Thanks!
- Fast Anime SR acceleration: https://github.com/Kiteretsu77/FAST_Anime_VSR
- ComfyUI: https://github.com/ZHO-ZHO-ZHO/ComfyUI-APISR and https://github.com/kijai/ComfyUI-APISR
- Jupyter Notebook: https://github.com/camenduru/APISR-jupyter## ๐ค Acknowledgement
- [VCISR](https://github.com/Kiteretsu77/VCISR-official): My code base is based on my previous paper (WACV 2024).
- [IC9600](https://github.com/tinglyfeng/IC9600): The dataset curation pipeline uses IC9600 code to score image complexity level.
- [danbooru-pretrained](https://github.com/RF5/danbooru-pretrained): Our Anime Dataset (Danbooru) pretrained RESNET50 model.
- [Jupyter Demo](https://github.com/camenduru/APISR-jupyter): The jupter notebook demo is from [camenduru](https://github.com/camenduru).
- [AVIF&HEIF](https://github.com/bigcat88/pillow_heif): The degradation of AVIF and HEFI is from pillow_heif.
- [DAT](https://github.com/zhengchen1999/DAT): The DAT architecture we use for 4x scaling in model zoo is coming from this [link](https://github.com/zhengchen1999/DAT).