All Projects → rui1996 → Deraindrop

rui1996 / Deraindrop

Attentive Generative Adversarial Network for Raindrop Removal from A Single Image (CVPR 2018)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Deraindrop

IDN-pytorch
paper implement : Fast and Accurate Single Image Super-Resolution via Information Distillation Network
Stars: ✭ 40 (-89.04%)
Mutual labels:  cvpr2018
Splatnet
SPLATNet: Sparse Lattice Networks for Point Cloud Processing (CVPR2018)
Stars: ✭ 259 (-29.04%)
Mutual labels:  cvpr2018
Dcpdn
Densely Connected Pyramid Dehazing Network (CVPR'2018)
Stars: ✭ 321 (-12.05%)
Mutual labels:  cvpr2018
VoxelMorph-PyTorch
An unofficial PyTorch implementation of VoxelMorph- An unsupervised 3D deformable image registration method
Stars: ✭ 68 (-81.37%)
Mutual labels:  cvpr2018
ASNet
Salient Object Detection Driven by Fixation Prediction (CVPR2018)
Stars: ✭ 41 (-88.77%)
Mutual labels:  cvpr2018
Wshp
Code for CVPR'18 spotlight "Weakly and Semi Supervised Human Body Part Parsing via Pose-Guided Knowledge Transfer"
Stars: ✭ 273 (-25.21%)
Mutual labels:  cvpr2018
glimpse clouds
Pytorch implementation of the paper "Glimpse Clouds: Human Activity Recognition from Unstructured Feature Points", F. Baradel, C. Wolf, J. Mille , G.W. Taylor, CVPR 2018
Stars: ✭ 30 (-91.78%)
Mutual labels:  cvpr2018
Planenet
PlaneNet: Piece-wise Planar Reconstruction from a Single RGB Image
Stars: ✭ 334 (-8.49%)
Mutual labels:  cvpr2018
cvpr18-caption-eval
Learning to Evaluate Image Captioning. CVPR 2018
Stars: ✭ 79 (-78.36%)
Mutual labels:  cvpr2018
Tfusion
CVPR2018: Unsupervised Cross-dataset Person Re-identification by Transfer Learning of Spatio-temporal Patterns
Stars: ✭ 301 (-17.53%)
Mutual labels:  cvpr2018
DisguiseNet
Code for DisguiseNet : A Contrastive Approach for Disguised Face Verification in the Wild
Stars: ✭ 20 (-94.52%)
Mutual labels:  cvpr2018
DVQA dataset
DVQA Dataset: A Bar chart question answering dataset presented at CVPR 2018
Stars: ✭ 20 (-94.52%)
Mutual labels:  cvpr2018
Geomapnet
Geometry-Aware Learning of Maps for Camera Localization (CVPR2018)
Stars: ✭ 281 (-23.01%)
Mutual labels:  cvpr2018
text-detection-fots.pytorch
FOTS text detection branch reimplementation, hmean: 83.3%
Stars: ✭ 80 (-78.08%)
Mutual labels:  cvpr2018
Prm
Weakly Supervised Instance Segmentation using Class Peak Response, in CVPR 2018 (Spotlight)
Stars: ✭ 322 (-11.78%)
Mutual labels:  cvpr2018
FaceAttr
CVPR2018 Face Super-resolution with supplementary Attributes
Stars: ✭ 18 (-95.07%)
Mutual labels:  cvpr2018
Psa
Learning Pixel-level Semantic Affinity with Image-level Supervision for Weakly Supervised Semantic Segmentation, CVPR 2018
Stars: ✭ 261 (-28.49%)
Mutual labels:  cvpr2018
Siamese Rpn Pytorch
This is a re-implementation of Siamese-RPN with pytorch, which is CVPR2018 spotlight.
Stars: ✭ 345 (-5.48%)
Mutual labels:  cvpr2018
Textspotter
Stars: ✭ 323 (-11.51%)
Mutual labels:  cvpr2018
V2v Posenet release
Official Torch7 implementation of "V2V-PoseNet: Voxel-to-Voxel Prediction Network for Accurate 3D Hand and Human Pose Estimation from a Single Depth Map", CVPR 2018
Stars: ✭ 286 (-21.64%)
Mutual labels:  cvpr2018

Attentive Generative Adversarial Network for Raindrop Removal from A Single Image (CVPR'2018)

Rui Qian, Robby T.Tan, Wenhan Yang, Jiajun Su and Jiaying Liu

[Paper Link] [Project Page] [Slides](TBA)[Video](TBA) (CVPR'18 Spotlight)

Abstract

Raindrops adhered to a glass window or camera lens can severely hamper the visibility of a background scene and degrade an image considerably. In this paper, we address the problem by visually removing raindrops, and thus transforming a raindrop degraded image into a clean one. The problem is intractable, since first the regions occluded by raindrops are not given. Second, the information about the background scene of the occluded regions is completely lost for most part. To resolve the problem, we apply an attentive generative network using adversarial training. Our main idea is to inject visual attention into both the generative and discriminative networks. During the training, our visual attention learns about raindrop regions and their surroundings. Hence, by injecting this information, the generative network will pay more attention to the raindrop regions and the surrounding structures, and the discriminative network will be able to assess the local consistency of the restored regions. Apart from raindrop removal, this injection of visual attention to both generative and discriminative networks is another contribution of this paper. Our experiments show the effectiveness of our approach, which outperforms the state of the art methods quantitatively and qualitatively.

If you find the resource useful, please cite the following :- )

@InProceedings{Qian_2018_CVPR,
author = {Qian, Rui and Tan, Robby T. and Yang, Wenhan and Su, Jiajun and Liu, Jiaying},
title = {Attentive Generative Adversarial Network for Raindrop Removal From a Single Image},
booktitle = {The IEEE Conference on Computer Vision and Pattern Recognition (CVPR)},
month = {June},
year = {2018}
}

Prerequisites:

  1. Linux
  2. Python 2.7
  3. NVIDIA GPU + CUDA CuDNN (CUDA 8.0)

Installation:

  1. Clone this repo
  2. Install PyTorch and dependencies from http://pytorch.org

Note: the code is suitable for PyTorch 0.3.1)

Demo

The demo pictures are put under the directory ./demo/input/ and ./demo/output/ is a sample of the ouput of the model. If you want to generate your own, use the following code:

CUDA_VISIBLE_DEVICES=gpu_id python predict.py --mode demo --input_dir ./demo/input/ --output_dir ./demo/output/

Dataset

The whole dataset can be find here:

https://drive.google.com/open?id=1e7R76s6vwUJxILOcAsthgDLPSnOrQ49K

####Training Set:

861 image pairs for training.

####Testing Set A:

For quantitative evaluation where the alignment of image pairs is good. A subset of testing set B.

####Testing Set B:

239 image pairs for testing.

Testing

For quantitative evaluation:

Put the test_a dataset under the DeRaindrop directory, and run:

CUDA_VISIBLE_DEVICES=gpu_id python predict.py --mode test --input_dir ./test_a/data/ --gt_dir ./test_a/gt/

Note: Due to the mask of some information such as vehicle license plate number, the PSNR drop a little (0.06) compared to the result in the paper.

For qualitative evaluation:

Just similar to the demo. Just change the input directory and output directory as you like.

Contact

If you have questions, you can contact [email protected].

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].