All Projects → twtygqyy → Pytorch Vdsr

twtygqyy / Pytorch Vdsr

Licence: mit
VDSR (CVPR2016) pytorch implementation

Projects that are alternatives of or similar to Pytorch Vdsr

Cardio
CardIO is a library for data science research of heart signals
Stars: ✭ 218 (-30.35%)
Mutual labels:  jupyter-notebook, deep-neural-networks
Mixture Density Networks For Distribution And Uncertainty Estimation
A generic Mixture Density Networks (MDN) implementation for distribution and uncertainty estimation by using Keras (TensorFlow)
Stars: ✭ 249 (-20.45%)
Mutual labels:  jupyter-notebook, deep-neural-networks
Zoom Learn Zoom
computational zoom from raw sensor data
Stars: ✭ 224 (-28.43%)
Mutual labels:  jupyter-notebook, super-resolution
Highres Net
Pytorch implementation of HighRes-net, a neural network for multi-frame super-resolution, trained and tested on the European Space Agency’s Kelvin competition.
Stars: ✭ 207 (-33.87%)
Mutual labels:  jupyter-notebook, super-resolution
Rad
RAD: Reinforcement Learning with Augmented Data
Stars: ✭ 268 (-14.38%)
Mutual labels:  jupyter-notebook, deep-neural-networks
Orn
Oriented Response Networks, in CVPR 2017
Stars: ✭ 207 (-33.87%)
Mutual labels:  jupyter-notebook, cvpr
Dlwpt Code
Code for the book Deep Learning with PyTorch by Eli Stevens, Luca Antiga, and Thomas Viehmann.
Stars: ✭ 3,054 (+875.72%)
Mutual labels:  jupyter-notebook, deep-neural-networks
Pytorch Geometric Yoochoose
This is a tutorial for PyTorch Geometric on the YooChoose dataset
Stars: ✭ 198 (-36.74%)
Mutual labels:  jupyter-notebook, deep-neural-networks
Dlpython course
Примеры для курса "Программирование глубоких нейронных сетей на Python"
Stars: ✭ 266 (-15.02%)
Mutual labels:  jupyter-notebook, deep-neural-networks
TMNet
The official pytorch implemention of the CVPR paper "Temporal Modulation Network for Controllable Space-Time Video Super-Resolution".
Stars: ✭ 77 (-75.4%)
Mutual labels:  super-resolution, cvpr
Learnopencv
Learn OpenCV : C++ and Python Examples
Stars: ✭ 15,385 (+4815.34%)
Mutual labels:  jupyter-notebook, deep-neural-networks
Cascaded Fcn
Source code for the MICCAI 2016 Paper "Automatic Liver and Lesion Segmentation in CT Using Cascaded Fully Convolutional NeuralNetworks and 3D Conditional Random Fields"
Stars: ✭ 296 (-5.43%)
Mutual labels:  jupyter-notebook, deep-neural-networks
Tensorflow Deep Learning
All course materials for the Zero to Mastery Deep Learning with TensorFlow course.
Stars: ✭ 170 (-45.69%)
Mutual labels:  jupyter-notebook, deep-neural-networks
50 Days Of Ml
A day to day plan for this challenge (50 Days of Machine Learning) . Covers both theoretical and practical aspects
Stars: ✭ 218 (-30.35%)
Mutual labels:  jupyter-notebook, deep-neural-networks
Traffic Sign Detection
Traffic Sign Detection. Code for the paper entitled "Evaluation of deep neural networks for traffic sign detection systems".
Stars: ✭ 200 (-36.1%)
Mutual labels:  jupyter-notebook, deep-neural-networks
Snap N Eat
Food detection and recommendation with deep learning
Stars: ✭ 229 (-26.84%)
Mutual labels:  jupyter-notebook, deep-neural-networks
Andrew Ng Notes
This is Andrew NG Coursera Handwritten Notes.
Stars: ✭ 180 (-42.49%)
Mutual labels:  jupyter-notebook, deep-neural-networks
Germanwordembeddings
Toolkit to obtain and preprocess german corpora, train models using word2vec (gensim) and evaluate them with generated testsets
Stars: ✭ 189 (-39.62%)
Mutual labels:  jupyter-notebook, deep-neural-networks
Mixup Generator
An implementation of "mixup: Beyond Empirical Risk Minimization"
Stars: ✭ 250 (-20.13%)
Mutual labels:  jupyter-notebook, deep-neural-networks
Dab
Data Augmentation by Backtranslation (DAB) ヽ( •_-)ᕗ
Stars: ✭ 294 (-6.07%)
Mutual labels:  jupyter-notebook, deep-neural-networks

PyTorch VDSR

Implementation of CVPR2016 Paper: "Accurate Image Super-Resolution Using Very Deep Convolutional Networks"(http://cv.snu.ac.kr/research/VDSR/) in PyTorch

Usage

Training

usage: main_vdsr.py [-h] [--batchSize BATCHSIZE] [--nEpochs NEPOCHS] [--lr LR]
               [--step STEP] [--cuda] [--resume RESUME]
               [--start-epoch START_EPOCH] [--clip CLIP] [--threads THREADS]
               [--momentum MOMENTUM] [--weight-decay WEIGHT_DECAY]
               [--pretrained PRETRAINED] [--gpus GPUS]
               
optional arguments:
  -h, --help            Show this help message and exit
  --batchSize           Training batch size
  --nEpochs             Number of epochs to train for
  --lr                  Learning rate. Default=0.01
  --step                Learning rate decay, Default: n=10 epochs
  --cuda                Use cuda
  --resume              Path to checkpoint
  --clip                Clipping Gradients. Default=0.4
  --threads             Number of threads for data loader to use Default=1
  --momentum            Momentum, Default: 0.9
  --weight-decay        Weight decay, Default: 1e-4
  --pretrained PRETRAINED
                        path to pretrained model (default: none)
  --gpus GPUS           gpu ids (default: 0)

An example of training usage is shown as follows:

python main_vdsr.py --cuda --gpus 0

Evaluation

usage: eval.py [-h] [--cuda] [--model MODEL] [--dataset DATASET]
               [--scale SCALE] [--gpus GPUS]

PyTorch VDSR Eval

optional arguments:
  -h, --help         show this help message and exit
  --cuda             use cuda?
  --model MODEL      model path
  --dataset DATASET  dataset name, Default: Set5
  --gpus GPUS        gpu ids (default: 0)

An example of training usage is shown as follows:

python eval.py --cuda --dataset Set5

Demo

usage: demo.py [-h] [--cuda] [--model MODEL] [--image IMAGE] [--scale SCALE] [--gpus GPUS]
               
optional arguments:
  -h, --help            Show this help message and exit
  --cuda                Use cuda
  --model               Model path. Default=model/model_epoch_50.pth
  --image               Image name. Default=butterfly_GT
  --scale               Scale factor, Default: 4
  --gpus GPUS           gpu ids (default: 0)

An example of usage is shown as follows:

python eval.py --model model/model_epoch_50.pth --dataset Set5 --cuda

Prepare Training dataset

  • We provide a simple hdf5 format training sample in data folder with 'data' and 'label' keys, the training data is generated with Matlab Bicubic Interplotation, please refer Code for Data Generation for creating training files.

Performance

  • We provide a pretrained VDSR model trained on 291 images with data augmentation
  • No bias is used in this implementation, and the gradient clipping's implementation is different from paper
  • Performance in PSNR on Set5
Scale VDSR Paper VDSR PyTorch
2x 37.53 37.65
3x 33.66 33.77
4x 31.35 31.45

Result

From left to right are ground truth, bicubic and vdsr

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].