variational-autoencoders
There are 98 repositories under variational-autoencoders topic.
AntixK/PyTorch-VAE
A Collection of Variational Autoencoders (VAE) in PyTorch.
SimonKohl/probabilistic_unet
A U-Net combined with a variational auto-encoder that is able to learn conditional distributions over semantic segmentations.
js05212/BayesianDeepLearning-Survey
Bayesian Deep Learning: A Survey
EugenHotaj/pytorch-generative
Easy generative modeling in PyTorch
FranxYao/Deep-Generative-Models-for-Natural-Language-Processing
DGMs for NLP. A roadmap.
hoangcuong2011/Good-Papers
I try my best to keep updated cutting-edge knowledge in Machine Learning/Deep Learning and Natural Language Processing. These are my notes on some good papers
biomedia-mira/deepscm
Repository for Deep Structural Causal Models for Tractable Counterfactual Inference
jmtomczak/vae_vampprior
Code for the paper "VAE with a VampPrior", J.M. Tomczak & M. Welling
XiaoyuBIE1994/DVAE
Official implementation of Dynamical VAEs
ajbrock/Generative-and-Discriminative-Voxel-Modeling
Voxel-Based Variational Autoencoders, VAE GUI, and Convnets for Classification
pycroscopy/atomai
Deep and Machine Learning for Microscopy
greenelab/tybalt
Training and evaluating a variational autoencoder for pan-cancer gene expression data
VGraphRNN/VGRNN
Variational Graph Recurrent Neural Networks - PyTorch
eelxpeng/UnsupervisedDeepLearning-Pytorch
This repository tries to provide unsupervised deep learning models with Pytorch
addtt/ladder-vae-pytorch
Ladder Variational Autoencoders (LVAE) in PyTorch
zfountas/deep-active-inference-mc
Deep active inference agents using Monte-Carlo methods
jmtomczak/vae_householder_flow
Code for the paper "Improving Variational Auto-Encoders using Householder Flow" (https://arxiv.org/abs/1611.09630)
EdoardoBotta/RQ-VAE-Recommender
[Pytorch] Generative retrieval model based on RQ-VAE from "Recommender Systems with Generative Retrieval"
jgvfwstone/ArtificialIntelligenceEngines
Computer code collated for use with Artificial Intelligence Engines book by JV Stone
LynnHo/VAE-Tensorflow
(beta-)VAE Tensorflow
guglielmocamporese/cvaecaposr
Code for the Paper: "Conditional Variational Capsule Network for Open Set Recognition", Y. Guo, G. Camporese, W. Yang, A. Sperduti, L. Ballan, ICCV, 2021.
ericmjl/flu-sequence-predictor
An experimental deep learning & genotype network-based system for predicting new influenza protein sequences.
M-Elfeki/GDPP
Generator loss to reduce mode-collapse and to improve the generated samples quality.
cavaunpeu/flight-delays
Transfer learning for flight-delay prediction via variational autoencoders in Keras
eleGAN23/QVAE
Official PyTorch implementation of A Quaternion-Valued Variational Autoencoder (QVAE).
meiyulee/continuous_Bernoulli
There are C language computer programs about the simulator, transformation, and test statistic of continuous Bernoulli distribution. More than that, the book contains continuous Binomial distribution and continuous Trinomial distribution.
yjlolo/pytorch-deep-markov-model
PyTorch re-implementation of [Structured Inference Networks for Nonlinear State Space Models, AAAI 17]
trungnt13/odin-ai
Orgainzed Digital Intelligent Network (O.D.I.N)
sbavon/Deep-Feature-Consistent-Variational-AutoEncoder-in-Tensorflow
implement Deep Feature Consisten Variational Autoencoder in Tensorflow
dhanushkamath/VariationalAutoencoder
An IPython notebook explaining the concepts of Variational Autoencoders and building one using Keras to generate new faces.
XiaoyuBIE1994/DVAE_SE
Unsupervised speech enhancement using DVAEs
caetas/GenerativeZoo
Model Zoo for Generative Models.
georgosgeorgos/hierarchical-few-shot-generative-models
Code for "SCHA-VAE: Hierarchical Context Aggregation for Few-Shot Generation" @ ICML 2022
yjchoe/alphaGAN
A PyTorch implementation of alpha-GAN
automl/SVGe
Smooth Variational Graph Embeddings for Efficient Neural Architecture Search
gdikov/adversarial-variational-bayes
A Keras/TensorFlow-based implementation of Adversarial Variational Bayes by L. Mescheder et al.