Skip to content

csguoh/MambaIR

Folders and files

NameName
Last commit message
Last commit date

Latest commit

Β 

History

45 Commits
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 

Repository files navigation

MambaIR: A Simple Baseline for Image Restoration with State-Space Model

Hang Guo*, Jinmin Li*, Tao Dai, Zhihao Ouyang, Xudong Ren, and Shu-Tao Xia

(*) equal contribution

Abstract: Recent years have witnessed great progress in image restoration thanks to the advancements in modern deep neural networks e.g. Convolutional Neural Network and Transformer. However, existing restoration backbones are usually limited due to the inherent local reductive bias or quadratic computational complexity. Recently, Selective Structured State Space Model e.g., Mamba, have shown great potential for long-range dependencies modeling with linear complexity, but it is still under-explored in low-level computer vision. In this work, we introduce a simple but strong benchmark model, named MambaIR, for image restoration. In detail, we propose the Residual State Space Block as the core component, which employs convolution and channel attention to enhance capabilities of the vanilla Mamba. In this way, our MambaIR takes advantages of local patch recurrence prior as well as channel interaction to produce restoration-specific feature representation. Extensive experiments demonstrate the superiority of our method, for example, MambaIR outperforms Transformer-based baseline SwinIR by up to 0.36dB, using similar computational cost but with global receptive field.

⭐If this work is helpful for you, please help star this repo. Thanks!πŸ€—

πŸ“‘ Contents

πŸ” Visual Results On Real-world SR

πŸ‘€Visual Results On Classic Image SR

πŸ†• News

  • 2024-2-23: arXiv paper available.
  • 2024-2-27: This repo is released.
  • 2024-3-01: Pretrained weights for SR and realDN is available. πŸŽ‰
  • 2024-3-08: The code for ERF visualization and model complexity analysis can be found at ./analysis/ πŸ˜„
  • 2024-3-19: We have updated the code for MambaIR-light. Training with only DIV2K, it can achieve better performance (outperform SRFormer by up to 0.2dB)
  • 2024-3-19: πŸ”ˆπŸ”ˆπŸ”ˆBIG NEWS: The FIRST Mamba-based Real-world SR Model is now available! Enjoy yourself 😊.

β˜‘οΈ TODO

  • Build the repo
  • arXiv version
  • Release code
  • Pretrained weights&log_files
  • Add code for complexity analysis and ERF visualization
  • Real-world SR
  • Guassian Color Image Denosing
  • Add Download Link for Visual Results on Common Benckmarks
  • JPEG Compression Artifact Redection
  • More Tasks

πŸ“ƒ Model Summary

Model Task Test_dataset PSNR SSIM model_weights log_files
MambaIR_SR2 Classic SR x2 Urban100 34.15 0.9446 link link
MambaIR_SR3 Classic SR x3 Urban100 29.93 0.8841 link link
MambaIR_SR4 Classic SR x4 Urban100 27.68 0.8287 link link
MambaIR_light2 Lightweight SR x2 Urban100 32.92 0.9356 link link
MambaIR_light3 Lightweight SR x3 Urban100 29.00 0.8689 link link
MambaIR_light4 Lightweight SR x4 Urban100 26.75 0.8051 link link
MambaIR_realDN Real image Denoising SIDD 39.89 0.960 link link
MambaIR_realSR Real-world SR RealSRSet - - link link

πŸ₯‡ Results

We achieve state-of-the-art performance on various image restoration tasks. Detailed results can be found in the paper.

Evaluation on Classic SR (click to expand)

Evaluation on Lightweight SR (click to expand)

Evaluation on Gaussian Color Image Denoising (click to expand)

Evaluation on Real Image Denoising (click to expand)

Evaluation on Effective Receptive Filed (click to expand)

πŸ”§ Installation

This codebase was tested with the following environment configurations. It may work with other versions.

  • Ubuntu 20.04
  • CUDA 11.7
  • Python 3.9
  • PyTorch 1.13.1 + cu117

To use the selective scan with efficient hard-ware design, the mamba_ssm library is advised to install with the folllowing command.

pip install causal_conv1d==1.0.0
pip install mamba_ssm==1.0.1

One can also create a new anaconda environment, and then install necessary python libraries with this requirement.txt and the following command:

conda install --yes --file requirements.txt

Datasets

The datasets used in our training and testing are orgnized as follows:

Task Training Set Testing Set Visual Results
image SR DIV2K (800 training images) + Flickr2K (2650 images) [complete dataset DF2K download] Set5 + Set14 + BSD100 + Urban100 + Manga109 [download] Google Drive
gaussian color image denoising DIV2K (800 training images) + Flickr2K (2650 images) + BSD500 (400 training&testing images) + WED(4744 images) [complete dataset DFWB_RGB download] CBSD68 + Kodak24 + McMaster + Urban100 [download] Google Drive
real image denoising SIDD (320 training images) [complete dataset SIDD download] SIDD + DND [download] Google Drive
grayscale JPEG compression artifact reduction DIV2K (800 training images) + Flickr2K (2650 images) + BSD500 (400 training&testing images) + WED(4744 images) [complete dataset DFWB_CAR download] Classic5 + LIVE1 [download] Google Drive

βŒ› Training

Train on SR

  1. Please download the corresponding training datasets and put them in the folder datasets/DF2K. Download the testing datasets and put them in the folder datasets/SR.

  2. Follow the instructions below to begin training our model.

# Claissc SR task, cropped input=64Γ—64, 8 GPUs, batch size=4 per GPU
python -m torch.distributed.launch --nproc_per_node=8 --master_port=1234 basicsr/train.py -opt options/train/train_MambaIR_SR_x2.yml --launcher pytorch
python -m torch.distributed.launch --nproc_per_node=8 --master_port=1234 basicsr/train.py -opt options/train/train_MambaIR_SR_x3.yml --launcher pytorch
python -m torch.distributed.launch --nproc_per_node=8 --master_port=1234 basicsr/train.py -opt options/train/train_MambaIR_SR_x4.yml --launcher pytorch

# Lightweight SR task, cropped input=64Γ—64, 8 GPUs, batch size=8 per GPU
python -m torch.distributed.launch --nproc_per_node=8 --master_port=1234 basicsr/train.py -opt options/train/train_MambaIR_lightSR_x2.yml --launcher pytorch
python -m torch.distributed.launch --nproc_per_node=8 --master_port=1234 basicsr/train.py -opt options/train/train_MambaIR_lightSR_x3.yml --launcher pytorch
python -m torch.distributed.launch --nproc_per_node=8 --master_port=1234 basicsr/train.py -opt options/train/train_MambaIR_lightSR_x4.yml --launcher pytorch
  1. Run the script then you can find the generated experimental logs in the folder experiments.

Train on Real Denoising

  1. Please download the corresponding training datasets and put them in the folder datasets/SIDD. Note that we provide both training and validating files, which are already processed.
  2. Go to folder 'realDenoising'. Follow the instructions below to train our model.
# go to the folder
cd realDenoising
# set the new environment (BasicSRv1.2.0), which is the same with Restormer for training.
python setup.py develop --no_cuda_extgf
# train for RealDN task, 8 GPUs
python -m torch.distributed.launch --nproc_per_node=8 --master_port=2414 basicsr/train.py -opt options/train_MambaIR_RealDN.yml --launcher pytorch
Run the script then you can find the generated experimental logs in the folder realDenoising/experiments.
  1. Remember to go back to the original environment if you finish all the training or testing about real image denoising task. This is a friendly hint in order to prevent confusion in the training environment.
# Tips here. Go back to the original environment (BasicSRv1.3.5) after finishing all the training or testing about real image denoising. 
cd ..
python setup.py develop

πŸ˜„ Testing

Test on SR

  1. Please download the corresponding testing datasets and put them in the folder datasets/SR. Download the corresponding models and put them in the folder experiments/pretrained_models.

  2. Follow the instructions below to begin testing our MambaIR model.

# test for image SR. 
python basicsr/test.py -opt options/test/test_MambaIR_SR_x2.yml
python basicsr/test.py -opt options/test/test_MambaIR_SR_x3.yml
python basicsr/test.py -opt options/test/test_MambaIR_SR_x4.yml
# test for lightweight image SR. 
python basicsr/test.py -opt options/test/test_MambaIR_lightSR_x2.yml
python basicsr/test.py -opt options/test/test_MambaIR_lightSR_x3.yml
python basicsr/test.py -opt options/test/test_MambaIR_lightSR_x4.yml

Test on Real Image Denoising

  1. Download the SIDD test and DND test. Place them in datasets/RealDN. Download the corresponding models and put them in the folder experiments/pretrained_models.

  2. Go to folder 'realDenoising'. Follow the instructions below to test our model. The output is in realDenoising/results/Real_Denoising.

    # go to the folder
    cd realDenoising
    # set the new environment (BasicSRv1.2.0), which is the same with Restormer for testing.
    python setup.py develop --no_cuda_ext
    # test MambaIR (training total iterations = 300K) on SSID
    python test_real_denoising_sidd.py
    # test MambaIR (training total iterations = 300K) on DND
    python test_real_denoising_dnd.py
  3. Run the scripts below to reproduce PSNR/SSIM on SIDD.

    run evaluate_sidd.m
  4. For PSNR/SSIM scores on DND, you can upload the genetated DND mat files to the online server and get the results.

  5. Remerber to go back to the original environment if you finish all the training or testing about real image denoising task. This is a friendly hint in order to prevent confusion in the training environment.

    # Tips here. Go back to the original environment (BasicSRv1.3.5) after finishing all the training or testing about real image denoising. 
    cd ..
    python setup.py develop

πŸ₯° Citation

Please cite us if our work is useful for your research.

@article{guo2024mambair,
  title={MambaIR: A Simple Baseline for Image Restoration with State-Space Model},
  author={Guo, Hang and Li, Jinmin and Dai, Tao and Ouyang, Zhihao and Ren, Xudong and Xia, Shu-Tao},
  journal={arXiv preprint arXiv:2402.15648},
  year={2024}
}

License

This project is released under the Apache 2.0 license.

Acknowledgement

This code is based on BasicSR, ART ,and VMamba. Thanks for their awesome work.

Contact

If you have any questions, feel free to approach me at cshguo@gmail.com

About

A simple baseline for image restoration with state-space model.

Resources

License

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published