All Projects → iShohei220 → Torch Gqn

iShohei220 / Torch Gqn

PyTorch Implementation of Generative Query Network

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Torch Gqn

Sem Pcyc
PyTorch implementation of the paper "Semantically Tied Paired Cycle Consistency for Zero-Shot Sketch-based Image Retrieval", CVPR 2019.
Stars: ✭ 76 (-35.59%)
Mutual labels:  generative-model
Rnn Handwriting Generation
Handwriting generation by RNN with TensorFlow, based on "Generating Sequences With Recurrent Neural Networks" by Alex Graves
Stars: ✭ 90 (-23.73%)
Mutual labels:  generative-model
Psgan
Periodic Spatial Generative Adversarial Networks
Stars: ✭ 108 (-8.47%)
Mutual labels:  generative-model
Generating Devanagari Using Draw
PyTorch implementation of DRAW: A Recurrent Neural Network For Image Generation trained on Devanagari dataset.
Stars: ✭ 82 (-30.51%)
Mutual labels:  generative-model
Nfnets pytorch
Pre-trained NFNets with 99% of the accuracy of the official paper "High-Performance Large-Scale Image Recognition Without Normalization".
Stars: ✭ 85 (-27.97%)
Mutual labels:  deepmind
Lggan
[CVPR 2020] Local Class-Specific and Global Image-Level Generative Adversarial Networks for Semantic-Guided Scene Generation
Stars: ✭ 97 (-17.8%)
Mutual labels:  generative-model
Dmc2gym
OpenAI Gym wrapper for the DeepMind Control Suite
Stars: ✭ 75 (-36.44%)
Mutual labels:  deepmind
Startcraft pysc2 minigames
Startcraft II Machine Learning research with DeepMind pysc2 python library .mini-games and agents.
Stars: ✭ 113 (-4.24%)
Mutual labels:  deepmind
Allie
Allie: A UCI compliant chess engine
Stars: ✭ 89 (-24.58%)
Mutual labels:  deepmind
Dmm
Deep Markov Models
Stars: ✭ 103 (-12.71%)
Mutual labels:  generative-model
Attend infer repeat
A Tensorfflow implementation of Attend, Infer, Repeat
Stars: ✭ 82 (-30.51%)
Mutual labels:  generative-model
Vae For Image Generation
Implemented Variational Autoencoder generative model in Keras for image generation and its latent space visualization on MNIST and CIFAR10 datasets
Stars: ✭ 87 (-26.27%)
Mutual labels:  generative-model
Giqa
Pytorch implementation of Generated Image Quality Assessment
Stars: ✭ 100 (-15.25%)
Mutual labels:  generative-model
Inr Gan
Adversarial Generation of Continuous Images [CVPR 2021]
Stars: ✭ 81 (-31.36%)
Mutual labels:  generative-model
Paysage
Unsupervised learning and generative models in python/pytorch.
Stars: ✭ 109 (-7.63%)
Mutual labels:  generative-model
Markov Chain Gan
Code for "Generative Adversarial Training for Markov Chains" (ICLR 2017 Workshop)
Stars: ✭ 76 (-35.59%)
Mutual labels:  generative-model
Pathnet
Tensorflow Implementation of PathNet: Evolution Channels Gradient Descent in Super Neural Networks
Stars: ✭ 96 (-18.64%)
Mutual labels:  deepmind
Generative Evaluation Prdc
Code base for the precision, recall, density, and coverage metrics for generative models. ICML 2020.
Stars: ✭ 117 (-0.85%)
Mutual labels:  generative-model
Nalu
Basic pytorch implementation of NAC/NALU from Neural Arithmetic Logic Units paper by trask et.al
Stars: ✭ 110 (-6.78%)
Mutual labels:  deepmind
Spectralnormalizationkeras
Spectral Normalization for Keras Dense and Convolution Layers
Stars: ✭ 100 (-15.25%)
Mutual labels:  generative-model

PyTorch implementation of Generative Query Network

Original Paper: Neural scene representation and rendering (Eslami, et al., 2018)

https://deepmind.com/blog/neural-scene-representation-and-rendering

img

Pixyz Implementation: https://github.com/masa-su/pixyzoo/tree/master/GQN

Requirements

  • Python >=3.6
  • PyTorch
  • TensorBoardX

How to Train

python train.py --train_data_dir /path/to/dataset/train --test_data_dir /path/to/dataset/test

# Using multiple GPUs.
python train.py --device_ids 0 1 2 3 --train_data_dir /path/to/dataset/train --test_data_dir /path/to/dataset/test

❗️❗️CAUTION❗️❗️

This implementation needs very high computational power because of enormous number of parameters.

The default setting is based on the original GQN paper (In the paper, 4x GPUs with 24GB memory are used in the experiments). If you have only limited GPU memory, I recommend to use the option of --shared_core True (default: False) or --layers 8 (default 12) to reduce parameters. As far as I experimented, this change would not affect the quality of results so much, although the setting would be different with the original paper.

https://github.com/iShohei220/torch-gqn/issues/1

Dataset

https://github.com/deepmind/gqn-datasets

Usage

dataset/convert2torch.py

Convert TFRecords of the dataset for PyTorch implementation.

representation.py

Representation networks (See Figure S1 in Supplementary Materials of the paper).

core.py

Core networks of inference and generation (See Figure S2 in Supplementary Materials of the paper).

conv_lstm.py

Implementation of convolutional LSTM used in core.py.

gqn_dataset.py

Dataset class.

model.py

Main module of Generative Query Network.

train.py

Training algorithm.

scheduler.py

Scheduler of learning rate used in train.py.

Results (WIP)

Ground Truth Generation
Shepard-Metzler objects shepard_ground_truth shepard_generation
Mazes mazes_ground_truth mazes_generation
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].