All Projects → pfnet-research → Chainer Gan Lib

pfnet-research / Chainer Gan Lib

Licence: mit
Chainer implementation of recent GAN variants

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Chainer Gan Lib

Dcgan wgan wgan Gp lsgan sngan rsgan began acgan pggan tensorflow
Implementation of some different variants of GANs by tensorflow, Train the GAN in Google Cloud Colab, DCGAN, WGAN, WGAN-GP, LSGAN, SNGAN, RSGAN, RaSGAN, BEGAN, ACGAN, PGGAN, pix2pix, BigGAN
Stars: ✭ 166 (-56.99%)
Mutual labels:  generative-adversarial-network, dcgan, wgan-gp
Awesome Gans
Awesome Generative Adversarial Networks with tensorflow
Stars: ✭ 585 (+51.55%)
Mutual labels:  generative-adversarial-network, dcgan, wgan-gp
gan-vae-pretrained-pytorch
Pretrained GANs + VAEs + classifiers for MNIST/CIFAR in pytorch.
Stars: ✭ 134 (-65.28%)
Mutual labels:  generative-adversarial-network, dcgan
WGAN-GP-TensorFlow
TensorFlow implementations of Wasserstein GAN with Gradient Penalty (WGAN-GP), Least Squares GAN (LSGAN), GANs with the hinge loss.
Stars: ✭ 42 (-89.12%)
Mutual labels:  generative-adversarial-network, wgan-gp
catgan pytorch
Unsupervised and Semi-supervised Learning with Categorical Generative Adversarial Networks
Stars: ✭ 50 (-87.05%)
Mutual labels:  generative-adversarial-network, dcgan
Generative-Model
Repository for implementation of generative models with Tensorflow 1.x
Stars: ✭ 66 (-82.9%)
Mutual labels:  dcgan, wgan-gp
WGAN-GP-tensorflow
Tensorflow Implementation of Paper "Improved Training of Wasserstein GANs"
Stars: ✭ 23 (-94.04%)
Mutual labels:  generative-adversarial-network, wgan-gp
Improved-Wasserstein-GAN-application-on-MRI-images
Improved Wasserstein GAN (WGAN-GP) application on medical (MRI) images
Stars: ✭ 23 (-94.04%)
Mutual labels:  generative-adversarial-network, wgan-gp
MMD-GAN
Improving MMD-GAN training with repulsive loss function
Stars: ✭ 82 (-78.76%)
Mutual labels:  generative-adversarial-network, dcgan
DLSS
Deep Learning Super Sampling with Deep Convolutional Generative Adversarial Networks.
Stars: ✭ 88 (-77.2%)
Mutual labels:  generative-adversarial-network, dcgan
gans-collection.torch
Torch implementation of various types of GAN (e.g. DCGAN, ALI, Context-encoder, DiscoGAN, CycleGAN, EBGAN, LSGAN)
Stars: ✭ 53 (-86.27%)
Mutual labels:  generative-adversarial-network, dcgan
Generative models tutorial with demo
Generative Models Tutorial with Demo: Bayesian Classifier Sampling, Variational Auto Encoder (VAE), Generative Adversial Networks (GANs), Popular GANs Architectures, Auto-Regressive Models, Important Generative Model Papers, Courses, etc..
Stars: ✭ 276 (-28.5%)
Mutual labels:  generative-adversarial-network, dcgan
DCGAN-Pytorch
A Pytorch implementation of "Deep Convolutional Generative Adversarial Networks"
Stars: ✭ 23 (-94.04%)
Mutual labels:  generative-adversarial-network, dcgan
coursera-gan-specialization
Programming assignments and quizzes from all courses within the GANs specialization offered by deeplearning.ai
Stars: ✭ 277 (-28.24%)
Mutual labels:  generative-adversarial-network, dcgan
keras-text-to-image
Translate text to image in Keras using GAN and Word2Vec as well as recurrent neural networks
Stars: ✭ 60 (-84.46%)
Mutual labels:  generative-adversarial-network, dcgan
progressive growing of GANs
Pure tensorflow implementation of progressive growing of GANs
Stars: ✭ 31 (-91.97%)
Mutual labels:  generative-adversarial-network, wgan-gp
GAN-Anime-Characters
Applied several Generative Adversarial Networks (GAN) techniques such as: DCGAN, WGAN and StyleGAN to generate Anime Faces and Handwritten Digits.
Stars: ✭ 43 (-88.86%)
Mutual labels:  generative-adversarial-network, dcgan
Dcgan Lsgan Wgan Gp Dragan Tensorflow 2
DCGAN LSGAN WGAN-GP DRAGAN Tensorflow 2
Stars: ✭ 373 (-3.37%)
Mutual labels:  dcgan, wgan-gp
Pytorch-conditional-GANs
Implementation of Conditional Generative Adversarial Networks in PyTorch
Stars: ✭ 91 (-76.42%)
Mutual labels:  generative-adversarial-network, dcgan
DCGAN-CIFAR10
A implementation of DCGAN (Deep Convolutional Generative Adversarial Networks) for CIFAR10 image
Stars: ✭ 18 (-95.34%)
Mutual labels:  generative-adversarial-network, dcgan

Chainer-GAN-lib

This repository collects chainer implementation of state-of-the-art GAN algorithms.
These codes are evaluated with the inception score on Cifar-10 dataset.
Note that our codes are not faithful re-implementation of the original paper.

How to use

Install the requirements first:

pip install -r requirements.txt

This implementation has been tested with the following versions.

python 3.5.2
chainer 4.0.0
+ https://github.com/chainer/chainer/pull/3615
+ https://github.com/chainer/chainer/pull/3581
cupy 3.0.0
tensorflow 1.2.0 # only for downloading inception model
numpy 1.11.1

Download the inception score module forked from https://github.com/hvy/chainer-inception-score.

git submodule update -i

Download the inception model.

cd common/inception
python download.py --outfile inception_score.model

You can start training with train.py.

python train.py --gpu 0 --algorithm dcgan --out result_dcgan

Please see example.sh to train other algorithms.

Quantitative evaluation

Inception Inception (Official) FID
Real data 12.0 11.24 3.2 (train vs test)
Progressive 8.5 8.8 19.1
SN-DCGAN 7.5 7.41 23.6
WGAN-GP 6.8 7.86 (ResNet) 28.2
DFM 7.3 7.72 30.1
Cramer GAN 6.4 - 32.7
DRAGAN 7.1 6.90 31.5
DCGAN-vanilla 6.7 6.16 [WGAN2] 6.99 [DRAGAN] 34.3
minibatch discrimination 7.0 6.86 (-L+HA) 31.3
BEGAN 5.4 5.62 84.0

Inception scores are calculated by average of 10 evaluation with 5000 samples.

FIDs are calculated with 50000 train dataset and 10000 generated samples.

Generated images

  • Progressive

progressive

  • SN-DCGAN

sndcagn

  • WGAN-GP

wgangp

  • DFM

dfm

  • Cramer GAN

cramer

  • DRAGAN

dragan

  • DCGAN

dcgan

  • Minibatch discrimination

minibatch_dis

  • BEGAN

began

License

MIT License. Please see the LICENSE file for details.

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