All Projects → LynnHo → Vae Tensorflow

LynnHo / Vae Tensorflow

Licence: mit
(beta-)VAE Tensorflow

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Vae Tensorflow

Tensorflow Generative Model Collections
Collection of generative models in Tensorflow
Stars: ✭ 3,785 (+8702.33%)
Mutual labels:  vae
Generative Models
Annotated, understandable, and visually interpretable PyTorch implementations of: VAE, BIRVAE, NSGAN, MMGAN, WGAN, WGANGP, LSGAN, DRAGAN, BEGAN, RaGAN, InfoGAN, fGAN, FisherGAN
Stars: ✭ 438 (+918.6%)
Mutual labels:  vae
Advanced Deep Learning With Keras
Advanced Deep Learning with Keras, published by Packt
Stars: ✭ 917 (+2032.56%)
Mutual labels:  vae
Pytorch Vqvae
Vector Quantized VAEs - PyTorch Implementation
Stars: ✭ 396 (+820.93%)
Mutual labels:  vae
Awesome Vaes
A curated list of awesome work on VAEs, disentanglement, representation learning, and generative models.
Stars: ✭ 418 (+872.09%)
Mutual labels:  vae
Tensorflow Vae Gan Draw
A collection of generative methods implemented with TensorFlow (Deep Convolutional Generative Adversarial Networks (DCGAN), Variational Autoencoder (VAE) and DRAW: A Recurrent Neural Network For Image Generation).
Stars: ✭ 577 (+1241.86%)
Mutual labels:  vae
Dsprites Dataset
Dataset to assess the disentanglement properties of unsupervised learning methods
Stars: ✭ 340 (+690.7%)
Mutual labels:  vae
Dlow
Official PyTorch Implementation of "DLow: Diversifying Latent Flows for Diverse Human Motion Prediction". ECCV 2020.
Stars: ✭ 32 (-25.58%)
Mutual labels:  vae
Tensorflow Mnist Vae
Tensorflow implementation of variational auto-encoder for MNIST
Stars: ✭ 422 (+881.4%)
Mutual labels:  vae
Variational Autoencoder
Variational autoencoder implemented in tensorflow and pytorch (including inverse autoregressive flow)
Stars: ✭ 807 (+1776.74%)
Mutual labels:  vae
Deepnude An Image To Image Technology
DeepNude's algorithm and general image generation theory and practice research, including pix2pix, CycleGAN, UGATIT, DCGAN, SinGAN, ALAE, mGANprior, StarGAN-v2 and VAE models (TensorFlow2 implementation). DeepNude的算法以及通用生成对抗网络(GAN,Generative Adversarial Network)图像生成的理论与实践研究。
Stars: ✭ 4,029 (+9269.77%)
Mutual labels:  vae
Joint Vae
Pytorch implementation of JointVAE, a framework for disentangling continuous and discrete factors of variation 🌟
Stars: ✭ 404 (+839.53%)
Mutual labels:  vae
Deeplearningmugenknock
でぃーぷらーにんぐを無限にやってディープラーニングでDeepLearningするための実装CheatSheet
Stars: ✭ 684 (+1490.7%)
Mutual labels:  vae
Pytorch Rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Stars: ✭ 394 (+816.28%)
Mutual labels:  vae
Variational Autoencoder
PyTorch implementation of "Auto-Encoding Variational Bayes"
Stars: ✭ 25 (-41.86%)
Mutual labels:  vae
Pycadl
Python package with source code from the course "Creative Applications of Deep Learning w/ TensorFlow"
Stars: ✭ 356 (+727.91%)
Mutual labels:  vae
Sentence Vae
PyTorch Re-Implementation of "Generating Sentences from a Continuous Space" by Bowman et al 2015 https://arxiv.org/abs/1511.06349
Stars: ✭ 462 (+974.42%)
Mutual labels:  vae
Pytorch Mnist Vae
Stars: ✭ 32 (-25.58%)
Mutual labels:  vae
Voice Conversion
Voice conversion (VC) investigation using three variants of VAE
Stars: ✭ 21 (-51.16%)
Mutual labels:  vae
Generative Models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
Stars: ✭ 6,701 (+15483.72%)
Mutual labels:  vae

(beta-)VAE

Tensorflow implementation of VAE and beta-VAE

Exemplar results

  • Celeba

    • ConvNet (z_dim: 100, beta: 0.05)

      Generation Reconstruction
  • Mnist

    • ConvNet (z_dim: 10, beta: 0.1)

      Generation Reconstruction
    • MLP (z_dim: 10, beta: 0.1)

      Generation Reconstruction

Usage

  • Prerequisites

    • Tensorflow 1.8
    • Python 2.7 or 3.6
  • Examples of training

    CUDA_VISIBLE_DEVICES=0 python train.py --z_dim 10 --beta 0.1 --dataset mnist --model mlp_mnist --experiment_name z10_beta0.1_mnist_mlp
    CUDA_VISIBLE_DEVICES=0 python train.py --z_dim 10 --beta 0.1 --dataset mnist --model conv_mnist --experiment_name z10_beta0.1_mnist_conv
    CUDA_VISIBLE_DEVICES=0 python train.py --z_dim 32 --beta 0.1 --dataset celeba --model conv_64 --experiment_name z32_beta0.1_celeba_conv
    

Datasets

  1. Celeba should be prepared by yourself in ./data/celeba/img_align_celeba/.jpg*
  2. Mnist will be automatically downloaded
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].