All Projects → JihyongOh → Jsi Gan

JihyongOh / Jsi Gan

Official repository of JSI-GAN (Accepted at AAAI 2020).

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Jsi Gan

Master Thesis Bayesiancnn
Master Thesis on Bayesian Convolutional Neural Network using Variational Inference
Stars: ✭ 222 (+428.57%)
Mutual labels:  convolutional-neural-networks, generative-adversarial-network, super-resolution
Pytorch Srgan
A modern PyTorch implementation of SRGAN
Stars: ✭ 289 (+588.1%)
Mutual labels:  convolutional-neural-networks, generative-adversarial-network, super-resolution
Iseebetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Stars: ✭ 202 (+380.95%)
Mutual labels:  convolutional-neural-networks, generative-adversarial-network, super-resolution
Tensorflow Srgan
Tensorflow implementation of "Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network" (Ledig et al. 2017)
Stars: ✭ 33 (-21.43%)
Mutual labels:  convolutional-neural-networks, generative-adversarial-network, super-resolution
Exermote
Using Machine Learning to predict the type of exercise from movement data
Stars: ✭ 108 (+157.14%)
Mutual labels:  convolutional-neural-networks, generative-adversarial-network
Anime4k
A High-Quality Real Time Upscaler for Anime Video
Stars: ✭ 14,083 (+33430.95%)
Mutual labels:  convolutional-neural-networks, super-resolution
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+364.29%)
Mutual labels:  convolutional-neural-networks, generative-adversarial-network
pytorch-gans
PyTorch implementation of GANs (Generative Adversarial Networks). DCGAN, Pix2Pix, CycleGAN, SRGAN
Stars: ✭ 21 (-50%)
Mutual labels:  generative-adversarial-network, super-resolution
Idn Caffe
Caffe implementation of "Fast and Accurate Single Image Super-Resolution via Information Distillation Network" (CVPR 2018)
Stars: ✭ 104 (+147.62%)
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 (+7740.48%)
Mutual labels:  convolutional-neural-networks, super-resolution
esrgan
Enhanced SRGAN. Champion PIRM Challenge on Perceptual Super-Resolution
Stars: ✭ 48 (+14.29%)
Mutual labels:  generative-adversarial-network, super-resolution
Deep Learning With Pytorch Tutorials
深度学习与PyTorch入门实战视频教程 配套源代码和PPT
Stars: ✭ 1,986 (+4628.57%)
Mutual labels:  convolutional-neural-networks, generative-adversarial-network
Drln
Densely Residual Laplacian Super-resolution, IEEE Pattern Analysis and Machine Intelligence (TPAMI), 2020
Stars: ✭ 120 (+185.71%)
Mutual labels:  convolutional-neural-networks, super-resolution
DLSS
Deep Learning Super Sampling with Deep Convolutional Generative Adversarial Networks.
Stars: ✭ 88 (+109.52%)
Mutual labels:  generative-adversarial-network, super-resolution
Fast Srgan
A Fast Deep Learning Model to Upsample Low Resolution Videos to High Resolution at 30fps
Stars: ✭ 417 (+892.86%)
Mutual labels:  generative-adversarial-network, super-resolution
Awesome Tensorlayer
A curated list of dedicated resources and applications
Stars: ✭ 248 (+490.48%)
Mutual labels:  convolutional-neural-networks, generative-adversarial-network
Seranet
Super Resolution of picture images using deep learning
Stars: ✭ 79 (+88.1%)
Mutual labels:  convolutional-neural-networks, super-resolution
Deep Learning For Beginners
videos, lectures, blogs for Deep Learning
Stars: ✭ 89 (+111.9%)
Mutual labels:  convolutional-neural-networks, generative-adversarial-network
srgan
Pytorch implementation of "Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network"
Stars: ✭ 39 (-7.14%)
Mutual labels:  generative-adversarial-network, super-resolution
Srgan Tensorflow
Tensorflow implementation of the SRGAN algorithm for single image super-resolution
Stars: ✭ 754 (+1695.24%)
Mutual labels:  generative-adversarial-network, super-resolution

JSI-GAN

This is the official repository of JSI-GAN (AAAI2020).

We provide the training and test code along with the trained weights and the dataset (train+test) used for JSI-GAN. If you find this repository useful, please consider citing our paper.

Reference:

Soo Ye Kim*, Jihyong Oh*, and Munchurl Kim "JSI-GAN: GAN-Based Joint Super-Resolution and Inverse Tone-Mapping with Pixel-Wise Task-Specific Filters for UHD HDR Video", Thirty-Fourth AAAI Conference on Artificial Intelligence, 2020. (* equal contribution)

Requirements

Our code is implemented using Tensorflow, and was tested under the following setting:

  • Python 3.6
  • Tensorflow 1.13
  • CUDA 9.0
  • cuDNN 7.1.4
  • NVIDIA TITAN Xp GPU
  • Windows 10

Test code

Quick Start

  1. Download the source code in a directory of your choice <source_path>.
  2. Download the test dataset from this link and unzip the 'test' folder in <source_path>/data.
  3. Download the pre-trained weights from this link and place the folders in <source_path>/checkpoint_dir.
  4. Run main.py with the following options in parse_args:
    (i) For testing the .mat file input with scale factor 2:
    '--phase' as 'test_mat', '--scale_factor' as 2, '--test_data_path_LR_SDR' as './data/test/testset_SDR_x2.mat', '--test_data_path_HR_HDR' as './data/test/testset_HDR.mat'
    (ii) For testing the .mat file input with scale factor 4:
    '--phase' as 'test_mat', '--scale_factor' as 4, '--test_data_path_LR_SDR' as './data/test/testset_SDR_x4.mat', '--test_data_path_HR_HDR' as './data/test/testset_HDR.mat'
    (iii) For testing the .png file input with scale factor 2:
    '--phase' as 'test_png', '--scale_factor' as 2, '--test_data_path_LR_SDR' as './data/test/PNG/SDR_x2', '--test_data_path_HR_HDR' as './data/test/PNG/HDR'
    (iv) For testing the .mat file input with scale factor 4:
    '--phase' as 'test_png', '--scale_factor' as 4, '--test_data_path_LR_SDR' as './data/test/PNG/SDR_x4', '--test_data_path_HR_HDR' as './data/test/PNG/HDR'

Description

  • Running the test_mat option will read the .mat file and save the predicted HR HDR results in .png format in <source_path>/test_img_dir. The YUV channels are saved separately as 16-bit PNG files.
  • Running the test_png option will read .png files in the designated folder and save the predicted HR HDR results in .png format in <source_path>/test_img_dir. The YUV channels are saved separately as 16-bit PNG files.
  • If you wish to convert the produced .png files to a .yuv video, you could run the provided PNGtoYUV.m Matlab code, which would save the .yuv video in the same location as the .png files. Please set the directory name accordingly. (Encoding the raw .yuv video to a compressed video format such as .mp4 can be done using ffmpeg)
  • If you wish to test your own LR SDR .png files, you can designate a folder of your choice as the option for '--test_data_path_LR_SDR' and '--test_data_path_HR_HDR'.
  • If you do not have the HR HDR ground truth, you could comment the lines related to 'label', 'GT' and 'PSNR' in the test_png function in net.py.
  • For faster testing (to acquire PSNR results), you may comment the line for saving the predicted images as .png files.
  • Due to GPU memory constraints, the full 4K frame may fail to be tested at one go. The '--test_patch' option defines the number of patches (H, W) to divide the input frame (e.g. (1, 1) means the full 4K frame will be entered, (2, 2) means that it will be divided into 2x2 2K frame patches and processed serially). You may modify this variable so that the testing works with your GPU.

Training code

Quick Start

  1. Download the source code in a directory of your choice <source_path>.
  2. Download the train dataset from this link and unzip the 'train' folder in <source_path>/data.
  3. Run main.py with the following options in parse_args:
    (i) For training the model with scale factor 2:
    '--phase' as 'train', '--scale_factor' as 2, '--train_data_path_LR_SDR' as './data/train/SDR_youtube_80.mat', '--train_data_path_HR_HDR' as './data/train/HDR_youtube_80.mat'
    (ii) For training the model with scale factor 4:
    '--phase' as 'train', '--scale_factor' as 4, '--train_data_path_LR_SDR' as './data/train/SDR_youtube_80_x4.mat', '--train_data_path_HR_HDR' as './data/train/HDR_youtube_80.mat'

Description

  • Running the train option will train JSI-GAN with the proposed training scheme (training JSInet first and then fine-tuning JSI-GAN) and save the trained weights in <source_path>/checkpoint_dir.
  • The trained model can be tested with test_mat or test_png options.
  • If you wish to compare with the provided weights, change the '--exp_num' option before training to another number than 1 to avoid overwriting the provided pre-trained weights so that the new weights are saved in a different folder (e.g. JSI-GAN_x2_exp2).
  • The training process can be monitored using Tensorboard. The log directory for using Tensorboard is <source_path>/logs.

Contact

Please contact us via email ([email protected] or [email protected]) for any problems regarding the released code.

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