All Projects → SonghyunYu → Didn

SonghyunYu / Didn

Pytorch Implementation of "Deep Iterative Down-Up CNN for Image Denoising".

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Didn

Cinc Challenge2017
ECG classification from short single lead segments (Computing in Cardiology Challenge 2017 entry)
Stars: ✭ 112 (+83.61%)
Mutual labels:  challenge, convolutional-neural-networks
Feel The Kern
Generating proportional fonts with deep learning
Stars: ✭ 59 (-3.28%)
Mutual labels:  convolutional-neural-networks
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (-14.75%)
Mutual labels:  convolutional-neural-networks
Pathwar
☠️ The Pathwar Project ☠️
Stars: ✭ 58 (-4.92%)
Mutual labels:  challenge
Very Deep Convolutional Networks For Natural Language Processing In Tensorflow
implement the paper" Very Deep Convolutional Networks for Natural Language Processing"(https://arxiv.org/abs/1606.01781 ) in tensorflow
Stars: ✭ 54 (-11.48%)
Mutual labels:  convolutional-neural-networks
Big transfer
Official repository for the "Big Transfer (BiT): General Visual Representation Learning" paper.
Stars: ✭ 1,096 (+1696.72%)
Mutual labels:  convolutional-neural-networks
Trafficvision
MIVisionX toolkit is a comprehensive computer vision and machine intelligence libraries, utilities and applications bundled into a single toolkit.
Stars: ✭ 52 (-14.75%)
Mutual labels:  convolutional-neural-networks
Roadway intel
Vehicle make and model classification in Tensorflow by fine-tuning VGG16
Stars: ✭ 60 (-1.64%)
Mutual labels:  convolutional-neural-networks
Keras model compression
Model Compression Based on Geoffery Hinton's Logit Regression Method in Keras applied to MNIST 16x compression over 0.95 percent accuracy.An Implementation of "Distilling the Knowledge in a Neural Network - Geoffery Hinton et. al"
Stars: ✭ 59 (-3.28%)
Mutual labels:  convolutional-neural-networks
Mtlnas
[CVPR 2020] MTL-NAS: Task-Agnostic Neural Architecture Search towards General-Purpose Multi-Task Learning
Stars: ✭ 58 (-4.92%)
Mutual labels:  convolutional-neural-networks
Convisualize nb
Visualisations for Convolutional Neural Networks in Pytorch
Stars: ✭ 57 (-6.56%)
Mutual labels:  convolutional-neural-networks
Data Science Bowl 2018
End-to-end one-class instance segmentation based on U-Net architecture for Data Science Bowl 2018 in Kaggle
Stars: ✭ 56 (-8.2%)
Mutual labels:  convolutional-neural-networks
Bootcamp Launchbase Desafios 02
Desafios do segundo módulo do Bootcamp Launchbase 🚀👨🏻‍🚀
Stars: ✭ 58 (-4.92%)
Mutual labels:  challenge
Eeg classification
EEG Sleep stage classification using CNN with Keras
Stars: ✭ 54 (-11.48%)
Mutual labels:  convolutional-neural-networks
Feathercnn
FeatherCNN is a high performance inference engine for convolutional neural networks.
Stars: ✭ 1,106 (+1713.11%)
Mutual labels:  convolutional-neural-networks
Estimated Depth Map Helps Image Classification
Depth estimation with neural network, and learning on RGBD images
Stars: ✭ 52 (-14.75%)
Mutual labels:  convolutional-neural-networks
Flutter ui challenge todo
A showcase flutter todo application.
Stars: ✭ 57 (-6.56%)
Mutual labels:  challenge
Mlkatas
A series of self-correcting challenges for practicing your Machine Learning and Deep Learning skills
Stars: ✭ 58 (-4.92%)
Mutual labels:  challenge
Cnn graph
Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering
Stars: ✭ 1,110 (+1719.67%)
Mutual labels:  convolutional-neural-networks
Owasp Workshop Android Pentest
Learning Penetration Testing of Android Applications
Stars: ✭ 60 (-1.64%)
Mutual labels:  challenge

DIDN

Pytorch Implementation of "Deep Iterative Down-Up CNN for Image Denoising" [PDF]

Our method took second and third place at each track in [NTIRE 2019 Challenge on Real Image Denoising]

If you use our work in your research or publication, please cite our paper:

@inproceedings{yu2019deep,
  title={Deep iterative down-up CNN for image denoising},
  author={Yu, Songhyun and Park, Bumjun and Jeong, Jechang},
  booktitle={Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition Workshops},
  year={2019}

Related Work

Other method of our team "Densely Connected Hierarchical Network for Image Denoising" [PDF], [code]

Environment

python 3.6
pytorch 1.0.0
MATLAB (to prepare data)

Prepare data

You need to prepare data before training or testing the model.
Please use matlab files in './data' folder.
For training, we used DIV2K dataset, and only sample images are included in this project.
Please download the whole dataset for training the model. [DIV2K download page]

Test

Download Pre-trained models: [download]
and place them in the './checkpoint/pretrained_color' and './checkpoint/pretrained_gray' folders.
for grayscale images, gray_eval.py
for color images, color_eval.py

optional arguments:  
  --cuda : using cuda   
  --model : model path  
  --output_path : output image path   
  --self_ensemble : using self-ensemble  
  --gpus : gpu ids  
  
  You can also change test dataset in the code!

Example:

python gray_eval.py --cuda --self_ensemble

If you are interested in the ntire challenge results, you can download the pre-trained models [here]

Training

optional arguments:  
  --batchSize : batchsize (default: 16)  
  --nEpochs : number of epochs (default: 50)  
  --lr : initial learning rate (default: 0.0001)  
  --cuda : using cuda   
  --resume : path to checkpoint (default: none)  
  --start_epoch : manual starting epoch number (useful for resume, default: 1)  
  --threads : number of threads for data loader (default: 0)  
  --gpus : gpu ids  
  
  You can also change training data path and validation data path in the code!  

Example:

python gray_train.py --cuda --threads 8

Weight ensemble

For weight ensemble, train the model multiple times manually using --resume option,
and averaging weights using 'weight_ensemble_2.py'.

Contact

If you have any questions about the code or paper, please 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].