Good PapersI 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
Celeste.jlScalable inference for a generative model of astronomical images
VbmcVariational Bayesian Monte Carlo (VBMC) algorithm for posterior and model inference in MATLAB
BcpdBayesian Coherent Point Drift (BCPD/BCPD++); Source Code Available
KvaeKalman Variational Auto-Encoder
GpstuffGPstuff - Gaussian process models for Bayesian analysis
GpflowGaussian processes in TensorFlow
MxfusionModular Probabilistic Programming on MXNet
Inverse rlAdversarial Imitation Via Variational Inverse Reinforcement Learning
Rnn VaeVariational Autoencoder with Recurrent Neural Network based on Google DeepMind's "DRAW: A Recurrent Neural Network For Image Generation"
Gp Infer NetScalable Training of Inference Networks for Gaussian-Process Models, ICML 2019
PyroDeep universal probabilistic programming with Python and PyTorch
Bayesian Neural NetworksPytorch implementations of Bayes By Backprop, MC Dropout, SGLD, the Local Reparametrization Trick, KF-Laplace, SG-HMC and more
Variational AutoencoderVariational autoencoder implemented in tensorflow and pytorch (including inverse autoregressive flow)
Pytorch BayesiancnnBayesian Convolutional Neural Network with Variational Inference based on Bayes by Backprop in PyTorch.
Pymc3Probabilistic Programming in Python: Bayesian Modeling and Probabilistic Machine Learning with Aesara
Bayes NnLecture notes on Bayesian deep learning
Probabilistic unetA U-Net combined with a variational auto-encoder that is able to learn conditional distributions over semantic segmentations.
Awesome VaesA curated list of awesome work on VAEs, disentanglement, representation learning, and generative models.
ProbregPython package for point cloud registration using probabilistic model (Coherent Point Drift, GMMReg, SVR, GMMTree, FilterReg, Bayesian CPD)
Generative models tutorial with demoGenerative 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..
autoreparamAutomatic Reparameterisation of Probabilistic Programs
viabelEfficient, lightweight variational inference and approximation bounds
CIKM18-LCVACode for CIKM'18 paper, Linked Causal Variational Autoencoder for Inferring Paired Spillover Effects.
cmdstanrCmdStanR: the R interface to CmdStan
sqairImplementation of Sequential Attend, Infer, Repeat (SQAIR)
DropoutsPyTorch Implementations of Dropout Variants
haskell-vaeLearning about Haskell with Variational Autoencoders
prosperA Python Library for Probabilistic Sparse Coding with Non-Standard Priors and Superpositions
probai-2021-pyroRepo for the Tutorials of Day1-Day3 of the Nordic Probabilistic AI School 2021 (https://probabilistic.ai/)
VINFRepository for DTU Special Course, focusing on Variational Inference using Normalizing Flows (VINF). Supervised by Michael Riis Andersen
BayesByHypernetCode for the paper Implicit Weight Uncertainty in Neural Networks
ReactiveMP.jlJulia package for automatic Bayesian inference on a factor graph with reactive message passing
PyLDAA Latent Dirichlet Allocation implementation in Python.
adaptive-f-divergenceA tensorflow implementation of the NIPS 2018 paper "Variational Inference with Tail-adaptive f-Divergence"
SelSumAbstractive opinion summarization system (SelSum) and the largest dataset of Amazon product summaries (AmaSum). EMNLP 2021 conference paper.
rssRegression with Summary Statistics.
AI Learning HubAI Learning Hub for Machine Learning, Deep Learning, Computer Vision and Statistics
DUNCode for "Depth Uncertainty in Neural Networks" (https://arxiv.org/abs/2006.08437)