Selective Wavelet Attention Learning for Single Image Deraining

Overview

SWAL

Code for Paper "Selective Wavelet Attention Learning for Single Image Deraining"

Prerequisites

  • Python 3
  • PyTorch

Models

We provide the models trained on DDN, DID, Rain100H, Rain100L, and AGAN datasets in the following links:

Download them into the model folder before testing.

Dataset

  1. Download the rain datasets.
  2. Arrange the images and generate a list file, just like the rain12 set in the data folder.

You can also modify the data_loader code in your manner.

Run

Train SWAL on a single GPU:

 CUDA_VISIBLE_DEVICES=0 python main.py --ngf=16 --ndf=64  --output_height=320  --trainroot=YOURPATH --trainfiles='YOUR_FILELIST'  --save_iter=1 --batchSize=8 --nrow=8 --lr_d=1e-4 --lr_g=1e-4  --cuda  --nEpochs=500

Train SWAL on multiple GPUs:

 CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py --ngf=16 --ndf=64  --output_height=320  --trainroot=YOURPATH --trainfiles='YOUR_FILELIST'  --save_iter=1 --batchSize=32 --nrow=8 --lr_d=1e-4 --lr_g=1e-4  --cuda  --nEpochs=500	 

Test SWAL:

 CUDA_VISIBLE_DEVICES=0 python test.py --ngf=16  --outf='test' --testroot='data/rain12_test' --testfiles='data/rain12_test.list' --pretrained='model/rain100l_best.pth'  --cuda

Adjust the parameters according to your own settings.

Citation

If you use our codes, please cite the following paper:

 @article{huang2021selective,
   title={Selective Wavelet Attention Learning for Single Image Deraining},
   author={Huang, Huaibo and Yu, Aijing and Chai, Zhenhua and He, Ran and Tan, Tieniu},
   journal={International Journal of Computer Vision},
   volume={129},
   number={4},
   pages={1282--1300},
   year={2021},
  }

The released codes are only allowed for non-commercial use.

You might also like...
Implementation of Transformer in Transformer, pixel level attention paired with patch level attention for image classification, in Pytorch
Implementation of Transformer in Transformer, pixel level attention paired with patch level attention for image classification, in Pytorch

Transformer in Transformer Implementation of Transformer in Transformer, pixel level attention paired with patch level attention for image c

PyTorch code for our paper "Attention in Attention Network for Image Super-Resolution"

Under construction... Attention in Attention Network for Image Super-Resolution (A2N) This repository is an PyTorch implementation of the paper "Atten

Accurate 3D Face Reconstruction with Weakly-Supervised Learning: From Single Image to Image Set (CVPRW 2019). A PyTorch implementation.
Accurate 3D Face Reconstruction with Weakly-Supervised Learning: From Single Image to Image Set (CVPRW 2019). A PyTorch implementation.

Accurate 3D Face Reconstruction with Weakly-Supervised Learning: From Single Image to Image Set β€”β€” PyTorch implementation This is an unofficial offici

Models Supported: AlbUNet [18, 34, 50, 101, 152] (1D and 2D versions for Single and Multiclass Segmentation, Feature Extraction with supports for Deep Supervision and Guided Attention)
Models Supported: AlbUNet [18, 34, 50, 101, 152] (1D and 2D versions for Single and Multiclass Segmentation, Feature Extraction with supports for Deep Supervision and Guided Attention)

AlbUNet-1D-2D-Tensorflow-Keras This repository contains 1D and 2D Signal Segmentation Model Builder for AlbUNet and several of its variants developed

Official implementation of "SinIR: Efficient General Image Manipulation with Single Image Reconstruction" (ICML 2021)

SinIR (Official Implementation) Requirements To install requirements: pip install -r requirements.txt We used Python 3.7.4 and f-strings which are in

Implementation of the πŸ˜‡ Attention layer from the paper, Scaling Local Self-Attention For Parameter Efficient Visual Backbones
Implementation of the πŸ˜‡ Attention layer from the paper, Scaling Local Self-Attention For Parameter Efficient Visual Backbones

HaloNet - Pytorch Implementation of the Attention layer from the paper, Scaling Local Self-Attention For Parameter Efficient Visual Backbones. This re

Implementation of STAM (Space Time Attention Model), a pure and simple attention model that reaches SOTA for video classification
Implementation of STAM (Space Time Attention Model), a pure and simple attention model that reaches SOTA for video classification

STAM - Pytorch Implementation of STAM (Space Time Attention Model), yet another pure and simple SOTA attention model that bests all previous models in

Attention-driven Robot Manipulation (ARM) which includes Q-attention
Attention-driven Robot Manipulation (ARM) which includes Q-attention

Attention-driven Robotic Manipulation (ARM) This codebase is home to: Q-attention: Enabling Efficient Learning for Vision-based Robotic Manipulation I

Locally Enhanced Self-Attention: Rethinking Self-Attention as Local and Context Terms
Locally Enhanced Self-Attention: Rethinking Self-Attention as Local and Context Terms

LESA Introduction This repository contains the official implementation of Locally Enhanced Self-Attention: Rethinking Self-Attention as Local and Cont

Comments
  • I get so many model after I trained ,Is this normal?

    I get so many model after I trained ,Is this normal?

    Thanks a lot for your contributions. I train it by my own dataset. after training I got a lot of model ,is this normal? so I need to chose the best one to use? image

    opened by aircoal0210 0
  • If I want to train a model, what kind of data set should I prepare?

    If I want to train a model, what kind of data set should I prepare?

    Thanks a lot for your contributions. I want to know how do I prepare the data set. Is the pattern of raindrops or a composite of raindrops and pictures? Put all the data in the data folder? ground truthu also? please give a answer

    opened by aircoal0210 2
  • Problems with model training

    Problems with model training

    Thanks a lot for your contributions. We are very interested in your work, but after retraining the model (with everything adjusted to match the parameters in the paper), we found the new model output unacceptable and appeared to be outputting the wavelet components. It is worth mentioning that we did not find any problem in the output using the provided pre-trained model. This made us confused. So we replaced another dataset and this still happened. We are sure that it is not a problem with the input and output of the model. Now we are at a loss, can you help us? Our training environment is torch1.7 cuda10.1 on tesla v100

    Translated with www.DeepL.com/Translator (free version) 95

    opened by anothersin 3
Owner
Bobo
Bobo
Official repository for "Restormer: Efficient Transformer for High-Resolution Image Restoration". SOTA for motion deblurring, image deraining, denoising (Gaussian/real data), and defocus deblurring.

Restormer: Efficient Transformer for High-Resolution Image Restoration Syed Waqas Zamir, Aditya Arora, Salman Khan, Munawar Hayat, Fahad Shahbaz Khan,

Syed Waqas Zamir 906 Dec 30, 2022
Classifying audio using Wavelet transform and deep learning

Audio Classification using Wavelet Transform and Deep Learning A step-by-step tutorial to classify audio signals using continuous wavelet transform (C

Aditya Dutt 17 Nov 29, 2022
A PyTorch implementation of "Graph Wavelet Neural Network" (ICLR 2019)

Graph Wavelet Neural Network β €β € A PyTorch implementation of Graph Wavelet Neural Network (ICLR 2019). Abstract We present graph wavelet neural network

Benedek Rozemberczki 490 Dec 16, 2022
PyTorch implementation of the wavelet analysis from Torrence & Compo

Continuous Wavelet Transforms in PyTorch This is a PyTorch implementation for the wavelet analysis outlined in Torrence and Compo (BAMS, 1998). The co

Tom Runia 262 Dec 21, 2022
PyTorch code for SENTRY: Selective Entropy Optimization via Committee Consistency for Unsupervised DA

PyTorch Code for SENTRY: Selective Entropy Optimization via Committee Consistency for Unsupervised Domain Adaptation Viraj Prabhu, Shivam Khare, Deeks

Viraj Prabhu 46 Dec 24, 2022
Modeling Category-Selective Cortical Regions with Topographic Variational Autoencoders

Modeling Category-Selective Cortical Regions with Topographic Variational Autoencoders

null 1 Oct 11, 2021
NudeNet: Neural Nets for Nudity Classification, Detection and selective censoring

NudeNet: Neural Nets for Nudity Classification, Detection and selective censoring Uncensored version of the following image can be found at https://i.

notAI.tech 1.1k Dec 29, 2022
Official implementation for the paper: "Multi-label Classification with Partial Annotations using Class-aware Selective Loss"

Multi-label Classification with Partial Annotations using Class-aware Selective Loss Paper | Pretrained models Official PyTorch Implementation Emanuel

null 99 Dec 27, 2022
Semi-supervised Video Deraining with Dynamical Rain Generator (CVPR, 2021, Pytorch)

S2VD Semi-supervised Video Deraining with Dynamical Rain Generator (CVPR, 2021) Requirements and Dependencies Ubuntu 16.04, cuda 10.0 Python 3.6.10, P

Zongsheng Yue 53 Nov 23, 2022
PyTorch code for our ECCV 2020 paper "Single Image Super-Resolution via a Holistic Attention Network"

HAN PyTorch code for our ECCV 2020 paper "Single Image Super-Resolution via a Holistic Attention Network" This repository is for HAN introduced in the

δΊ”η»΄η©Ίι—΄ 140 Nov 23, 2022