All Projects → Zheng222 → Idn Caffe

Zheng222 / Idn Caffe

Caffe implementation of "Fast and Accurate Single Image Super-Resolution via Information Distillation Network" (CVPR 2018)

Programming Languages

matlab
3953 projects

Projects that are alternatives of or similar to Idn Caffe

Caffenet Benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
Stars: ✭ 700 (+573.08%)
Mutual labels:  convolutional-neural-networks, caffe
Teacher Student Training
This repository stores the files used for my summer internship's work on "teacher-student learning", an experimental method for training deep neural networks using a trained teacher model.
Stars: ✭ 34 (-67.31%)
Mutual labels:  convolutional-neural-networks, caffe
Machine Learning Curriculum
💻 Make machines learn so that you don't have to struggle to program them; The ultimate list
Stars: ✭ 761 (+631.73%)
Mutual labels:  convolutional-neural-networks, caffe
Textspotter
Stars: ✭ 323 (+210.58%)
Mutual labels:  caffe, cvpr2018
Pwc Net
PWC-Net: CNNs for Optical Flow Using Pyramid, Warping, and Cost Volume, CVPR 2018 (Oral)
Stars: ✭ 1,142 (+998.08%)
Mutual labels:  caffe, cvpr2018
O Cnn
O-CNN: Octree-based Convolutional Neural Networks for 3D Shape Analysis
Stars: ✭ 432 (+315.38%)
Mutual labels:  convolutional-neural-networks, caffe
Tensorflow Srgan
Tensorflow implementation of "Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network" (Ledig et al. 2017)
Stars: ✭ 33 (-68.27%)
Mutual labels:  convolutional-neural-networks, super-resolution
Cnn face detection
Implementation based on the paper Li et al., “A Convolutional Neural Network Cascade for Face Detection, ” 2015 CVPR
Stars: ✭ 251 (+141.35%)
Mutual labels:  convolutional-neural-networks, caffe
Lsuvinit
Reference caffe implementation of LSUV initialization
Stars: ✭ 99 (-4.81%)
Mutual labels:  convolutional-neural-networks, caffe
Feathercnn
FeatherCNN is a high performance inference engine for convolutional neural networks.
Stars: ✭ 1,106 (+963.46%)
Mutual labels:  convolutional-neural-networks, caffe
Pytorch Srgan
A modern PyTorch implementation of SRGAN
Stars: ✭ 289 (+177.88%)
Mutual labels:  convolutional-neural-networks, super-resolution
Vehicle Retrieval Kcnns
vehicle image retrieval using k CNNs ensemble method
Stars: ✭ 81 (-22.12%)
Mutual labels:  convolutional-neural-networks, caffe
Caffe Vdsr
A Caffe-based implementation of very deep convolution network for image super-resolution
Stars: ✭ 273 (+162.5%)
Mutual labels:  caffe, super-resolution
Liteflownet
LiteFlowNet: A Lightweight Convolutional Neural Network for Optical Flow Estimation, CVPR 2018 (Spotlight paper, 6.6%)
Stars: ✭ 474 (+355.77%)
Mutual labels:  caffe, cvpr2018
MSG-Net
Depth Map Super-Resolution by Deep Multi-Scale Guidance, ECCV 2016
Stars: ✭ 76 (-26.92%)
Mutual labels:  caffe, super-resolution
All Classifiers 2019
A collection of computer vision projects for Acute Lymphoblastic Leukemia classification/early detection.
Stars: ✭ 22 (-78.85%)
Mutual labels:  convolutional-neural-networks, caffe
Master Thesis Bayesiancnn
Master Thesis on Bayesian Convolutional Neural Network using Variational Inference
Stars: ✭ 222 (+113.46%)
Mutual labels:  convolutional-neural-networks, super-resolution
Image Super Resolution
🔎 Super-scale your images and run experiments with Residual Dense and Adversarial Networks.
Stars: ✭ 3,293 (+3066.35%)
Mutual labels:  convolutional-neural-networks, super-resolution
Jsi Gan
Official repository of JSI-GAN (Accepted at AAAI 2020).
Stars: ✭ 42 (-59.62%)
Mutual labels:  convolutional-neural-networks, super-resolution
Seranet
Super Resolution of picture images using deep learning
Stars: ✭ 79 (-24.04%)
Mutual labels:  convolutional-neural-networks, super-resolution

IDN-Caffe

Caffe implementation of "Fast and Accurate Single Image Super-Resolution via Information Distillation Network"

[arXiv] [CVF] [Poster] [TensorFlow version]


The schematics of the proposed Information Distillation Network

The average feature maps of enhancement units
The average feature maps of compression units


Visualization of the output feature maps of the third convolution in each enhancement unit

Testing

  • Install Caffe, Matlab R2013b
  • Run testing:
$ cd ./test
$ matlab
>> test_IDN

Note: Please make sure the matcaffe is complied successfully.

./test/caffemodel/IDN_x2.caffemodel, ./test/caffemodel/IDN_x3.caffmodel and ./test/caffemodel/IDN_x4.caffemodel are obtained by training the model with 291 images, and ./test/caffemodel/IDN_x4_mscoco.caffemodel is got through training the same model with mscoco dataset.

The results are stored in "results" folder, with both reconstructed images and PSNR/SSIM/IFCs.

Training

  • step 1: Compile Caffe with train/include/caffe/layers/l1_loss_layer.hpp, train/src/caffe/layers/l1_loss_layer.cpp and train/src/caffe/layers/l1_loss_layer.cu
  • step 2: Run data_aug.m to augment 291 dataset
  • step 3: Run generate_train_IDN.m to convert training images to hdf5 file
  • step 4: Run generate_test_IDN.m to convert testing images to hdf5 file for valid model during the training phase
  • step 5: Run train.sh to train x2 model (Manually create directory caffemodel_x2)

Results

Set5,Set14,B100,Urban100,Manga109

With regard to the visualization of mean feature maps, you can run test_IDN first and then execute the following code in Matlab.

inspect = cell(4, 1);
for i = 1:4
    inspect{i} = net.blobs(['down' num2str(i)]).get_data();
    figure;
    imagesc(mean(inspect{i}, 3)')
end

Model Parameters

Scale Model Size
×2 552,769
×3 552,769
×4 552,769

Citation

If you find IDN useful in your research, please consider citing:

@inproceedings{Hui-IDN-2018,
  title={Fast and Accurate Single Image Super-Resolution via Information Distillation Network},
  author={Hui, Zheng and Wang, Xiumei and Gao, Xinbo},
  booktitle={CVPR},
  pages = {723--731},
  year={2018}
}
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].