All Projects → VITA-Group → Autogan

VITA-Group / Autogan

Licence: mit
[ICCV 2019] "AutoGAN: Neural Architecture Search for Generative Adversarial Networks" by Xinyu Gong, Shiyu Chang, Yifan Jiang and Zhangyang Wang

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Autogan

Relativistic Average Gan Keras
The implementation of Relativistic average GAN with Keras
Stars: ✭ 36 (-90.72%)
Mutual labels:  gan, cifar10
Petridishnn
Code for the neural architecture search methods contained in the paper Efficient Forward Neural Architecture Search
Stars: ✭ 112 (-71.13%)
Mutual labels:  neural-architecture-search, cifar10
pcdarts-tf2
PC-DARTS (PC-DARTS: Partial Channel Connections for Memory-Efficient Differentiable Architecture Search, published in ICLR 2020) implemented in Tensorflow 2.0+. This is an unofficial implementation.
Stars: ✭ 25 (-93.56%)
Mutual labels:  cifar10, neural-architecture-search
Naszilla
Naszilla is a Python library for neural architecture search (NAS)
Stars: ✭ 181 (-53.35%)
Mutual labels:  neural-architecture-search, cifar10
Spectralnormalizationkeras
Spectral Normalization for Keras Dense and Convolution Layers
Stars: ✭ 100 (-74.23%)
Mutual labels:  gan, cifar10
Generative adversarial networks 101
Keras implementations of Generative Adversarial Networks. GANs, DCGAN, CGAN, CCGAN, WGAN and LSGAN models with MNIST and CIFAR-10 datasets.
Stars: ✭ 138 (-64.43%)
Mutual labels:  gan, cifar10
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-92.27%)
Mutual labels:  gan, cifar10
Hifi Gan
HiFi-GAN: Generative Adversarial Networks for Efficient and High Fidelity Speech Synthesis
Stars: ✭ 325 (-16.24%)
Mutual labels:  gan
Advanced Tensorflow
Little More Advanced TensorFlow Implementations
Stars: ✭ 364 (-6.19%)
Mutual labels:  gan
Seq2seq Chatbot For Keras
This repository contains a new generative model of chatbot based on seq2seq modeling.
Stars: ✭ 322 (-17.01%)
Mutual labels:  gan
Dcpdn
Densely Connected Pyramid Dehazing Network (CVPR'2018)
Stars: ✭ 321 (-17.27%)
Mutual labels:  gan
Gan Playground
GAN Playground - Experiment with Generative Adversarial Nets in your browser. An introduction to GANs.
Stars: ✭ 336 (-13.4%)
Mutual labels:  gan
Sdv
Synthetic Data Generation for tabular, relational and time series data.
Stars: ✭ 360 (-7.22%)
Mutual labels:  gan
Adanet
Fast and flexible AutoML with learning guarantees.
Stars: ✭ 3,340 (+760.82%)
Mutual labels:  neural-architecture-search
Stylegan2 Tensorflow 2.0
StyleGAN 2 in Tensorflow 2.0
Stars: ✭ 370 (-4.64%)
Mutual labels:  gan
Psgan
PyTorch code for "PSGAN: Pose and Expression Robust Spatial-Aware GAN for Customizable Makeup Transfer" (CVPR 2020 Oral)
Stars: ✭ 318 (-18.04%)
Mutual labels:  gan
Gan Timeline
A timeline showing the development of Generative Adversarial Networks (GAN).
Stars: ✭ 379 (-2.32%)
Mutual labels:  gan
Anycost Gan
[CVPR 2021] Anycost GANs for Interactive Image Synthesis and Editing
Stars: ✭ 367 (-5.41%)
Mutual labels:  gan
Time Series Prediction
A collection of time series prediction methods: rnn, seq2seq, cnn, wavenet, transformer, unet, n-beats, gan, kalman-filter
Stars: ✭ 351 (-9.54%)
Mutual labels:  gan
Cat Generator
Generate cat images with neural networks
Stars: ✭ 354 (-8.76%)
Mutual labels:  gan

AutoGAN: Neural Architecture Search for Generative Adversarial Networks

Code used for AutoGAN: Neural Architecture Search for Generative Adversarial Networks.

Updates

  • Oct-02-2019: Search code is released.

Introduction

We've desinged a novel neural architecture search framework for generative adversarial networks (GANs), dubbed AutoGAN. Experiments validate the effectiveness of AutoGAN on the task of unconditional image generation. Specifically, our discovered architectures achieve highly competitive performance on unconditional image generation task of CIFAR-10, which obtains a record FID score of 12.42, a competitive Inception score of 8.55.

RNN controller:

ctrl

Search space:

ss

Discovered network architecture:

cifar_arch1

Performance

Unconditional image generation on CIFAR-10.

cifar10_res

Unconditional image generation on STL-10.

stl10_res

Set-up

environment requirements:

python >= 3.6

torch >= 1.1.0

pip install -r requirements.txt

prepare fid statistic file

mkdir fid_stat

Download the pre-calculated statistics (Google Drive) to ./fid_stat.

How to search & train the derived architecture by yourself

sh exps/autogan_search.sh

When the search algorithm is done, you will get a vector denoting the discovered architecture, which can be viewed in the "*.log" file.

To train from scratch and get the performance of your discovered architecture, run the following command (you should replace the architecture vector following "--arch" with yours):

python train_derived.py \
-gen_bs 128 \
-dis_bs 64 \
--dataset cifar10 \
--bottom_width 4 \
--img_size 32 \
--max_iter 50000 \
--gen_model shared_gan \
--dis_model shared_gan \
--latent_dim 128 \
--gf_dim 256 \
--df_dim 128 \
--g_spectral_norm False \
--d_spectral_norm True \
--g_lr 0.0002 \
--d_lr 0.0002 \
--beta1 0.0 \
--beta2 0.9 \
--init_type xavier_uniform \
--n_critic 5 \
--val_freq 20 \
--arch 1 0 1 1 1 0 0 1 1 1 0 1 0 3 \
--exp_name derive

How to train & test the discovered architecture reported in the paper

train

sh exps/autogan_cifar10_a.sh

test

Run the following script:

python test.py \
--dataset cifar10 \
--img_size 32 \
--bottom_width 4 \
--gen_model autogan_cifar10_a \
--latent_dim 128 \
--gf_dim 256 \
--g_spectral_norm False \
--load_path /path/to/*.pth \
--exp_name test_autogan_cifar10_a

Pre-trained models are provided (Google Drive).

Citation

If you find this work is useful to your research, please cite our paper:

@InProceedings{Gong_2019_ICCV,
author = {Gong, Xinyu and Chang, Shiyu and Jiang, Yifan and Wang, Zhangyang},
title = {AutoGAN: Neural Architecture Search for Generative Adversarial Networks},
booktitle = {The IEEE International Conference on Computer Vision (ICCV)},
month = {Oct},
year = {2019}
}

Acknowledgement

  1. Inception Score code from OpenAI's Improved GAN (official).
  2. FID code and CIFAR-10 statistics file from https://github.com/bioinf-jku/TTUR (official).
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].