Bayesian inference is an application of Bayes' theorem to update probability of hypothesis as more data becomes available.
"How do you extend classical logic to reason with uncertain propositions? Suppose we agree to represent degrees of plausibility with real numbers, larger numbers indicating greater plausibility. If we also agree to a few axioms to quantify what we mean by consistency and common sense, there is a unique and inevitable system for plausible reasoning that satisfies the axioms, which is probability theory. And this has been proven over 60 years ago. The important implication is that all other systems of plausible reasoning - fuzzy logic, neural networks, artificial intelligence, etc. - must either lead to the same conclusions as probability theory, or violate one of the axioms used to derive probability theory."
"Statistical learning frames models as distributions over data and latent variables, allowing models to address a broad array of downstream tasks, and underlying methodology of latent variable models is typically Bayesian. A central problem involves modeling complex data sets using highly flexible families of probability distributions in which learning, sampling, inference, and evaluation are still analytically or computationally tractable."
"In Bayesian approach, probability is used not only to describe “physical” randomness, such as errors in labeling, but also uncertainty regarding the true values of the parameters. These prior and posterior probabilities represent degrees of belief, before and after seeing the data. The Bayesian approach takes modeling seriously. A Bayesian model includes a suitable prior distribution for model parameters. If the model/prior are chosen without regard for the actual situation, there is no justification for believing the results of Bayesian inference. The model and prior are chosen based on our knowledge of the problem. These choices are not, in theory, affected by the amount of data collected, or by the question we are interested in answering. We do not, for example, restrict the complexity of the model just because we have only a small amount of data. Pragmatic compromises are inevitable in practice - no model and prior perfectly express to our knowledge of the situation. The Bayesian approach relies on reducing such flaws to a level where we think they won’t seriously affect the results."
misconceptions:
- Bayesian methods make assumptions and others don't.
All methods make assumptions otherwise it would be impossible to learn. Bayesian methods are transparent in assumptions while others are opaque. - If you don't have the right prior you won't do well.
No such thing as the right prior. Choose vague prior such as nonparametrics if in doubt. - As dataset grows infinitely, Bayes converges to maximum likelihood, prior washes out, integration becomes unnecessary.
This assumes learning simple model from large set of i.i.d. data points, while big data is more like large set of little data sets with structure. - Bayesian models are generative.
Also can be used for discriminative learning such as in gaussian process classification. - Bayesian methods don't have theoretical guarantees.
Frequentist style generalization error bounds such as PAC-Bayes can be applied, it is often possible to prove convergence, consistency and rates.
advantages:
- learn from limited, noisy, missing data
- deal with small sample size
- marginalize over latent variables
- compute error bars
- establish causal relationships
- produce explanations for decisions
- integrate knowledge
disadvantages:
- learning can be wrong if model is wrong
- not all prior knowledge can be encoded as joint distributions
- simple analytic forms of conditional distributions
applications:
- data-efficient learning
- exploration
- relational learning
- semiparametric learning
- hypothesis formation
- causal reasoning
- macro-actions and planning
- visual concept learning
- world simulation
- scene understanding
research directions:
- probabilistic programming languages
- bayesian optimization
- rational allocation of computational resources
- efficient data compression
- automating model discovery and experimental design
definitions of probability (overview by Shakir Mohamed video
):
- statistical probability: frequency ratio of items
- logical probability: degree of confirmation of a hypothesis based on a logical analyses
- probability as propensity: probability used for predictions
- subjective probability: probability as a degree of belief
"Why Probability Models?" by John Cook
"What is Randomness? What is a Random Variable?" by John Cook
"Plausible Reasoning" by John Cook
"Embracing Uncertainty - The Role of Probabilities" by Chris Bishop
"Embracing Uncertainty - Probabilistic Inference" by Chris Bishop
"Probability as Extended Logic" by Brian Keng
definitions of probability according to Kolmogorov and Jaynes by Mikhail Dektyarev video
in russian
"A Tiny Introduction" by Zoubin Ghahramani
"The Three Faces of Bayes" by Burr Settles
"Bayesian Machine Learning" by Zygmunt Zajac
"Where Priors Come From" by Rob Zinkov
"Bayesian Methods for Machine Learning" by Radford Neal
overview by Roger Grosse
overview by Francis Tseng
"Probabilistic Machine Learning - Foundations and Frontiers" by Zoubin Ghahramani video
"Probabilistic Modelling and Bayesian Inference" by Zoubin Ghahramani video
"Introduction to Bayesian Inference" by Chris Bishop video
"Latent Variable Models" by Dmitry Vetrov video
in russian
(slides in english
)
"Scalable Bayesian Methods" by Dmitry Vetrov video
in russian
(slides in english
)
course by Daniil Polykovskiy and Alexander Novikov video
"Deep Learning and Bayesian Methods" school from HSE (videos)
course by Dmitry Vetrov video
in russian
course by Sergey Nikolenko video
in russian
bayesian reinforcement learning
Solomonoff induction (bayesian optimal prediction)
AIXI (bayesian optimal decision making)
"Pattern Recognition and Machine Learning" by Chris Bishop
"Machine Learning - A Probabilistic Perspective" by Kevin Murphy
"Information Theory, Inference and Learning Algorithms" by David MacKay
"Bayesian Reasoning and Machine Learning" by David Barber
"Probabilistic Graphical Models: Principles and Techniques" by Daphne Koller and Nir Friedman
"Graphical Models, Exponential Families, and Variational Inference" by Martin Wainwright and Michael Jordan
"Elements of Causal Inference" by Jonas Peters, Dominik Janzing, Bernhard Scholkopf
"Probability Theory: The Logic of Science" by E.T. Jaynes
contrast with the "learning machine" approach
"One view of machine learning pictures a "learning machine", which takes in inputs for a training/test case at one end, and outputs a prediction at the other. The machine has various "knobs", whose settings change how a prediction is made from the inputs. Learning is seen as a procedure for twiddling the knobs in the hopes of making better predictions on test cases - for instance, we might use the knob settings that minimize prediction error on training cases. This approach differs profoundly from the Bayesian view:
- The choice of learning machine is essentially arbitrary - unlike a model, the machine has no meaningful semantics, that we could compare with our beliefs.
- The “knobs” on the machine do not correspond to the parameters of a Bayesian model - Bayesian predictions, found by averaging, usually cannot be reproduced using any single value of the model parameters."
contrast with "learning theory"
"An aim of “learning theory” is to prove that certain learning machines “generalize” well. One can sometimes prove that if you adjust the knobs on the learning machine to minimize training error, then apply it to test cases, the training error rates and test error rates are unlikely to be far apart: P(|test error rate − training error rate| > ε) < δ , where δ and ε have certain small values, which depend on the training set size. Such a result would be of little interest, if it weren’t usually interpreted as guaranteeing that, for instance: P(|test error rate − 0.02| > ε | training error rate = 0.02) < δ.
This is a fallacy, however - no valid probabilistic statement about test error rates conditional on the observed error rate on training cases is possible without assuming some prior distribution over possible situations. This fallacy is analogous to the common misinterpretation of a frequentist p-value as the probability that the null hypothesis is true, or of a frequentist confidence interval as an interval that likely contains the true value."
what about "bias" and "variance"
"Another approach to analysing learning methods (especially for predicting real-valued quantities) looks at the following two indicators of how well a method predicts some quantity:
- Bias: how much predictions depart from the truth on average.
- Variance: the average squared difference of predictions from their average.
The average squared error for the method can be decomposed as the sum of the squared bias and the variance. This leads to a strategy: choose a method that minimizes this sum, possibly trading off increased bias for reduced variance, or vice versa, by adjusting complexity, or introducing some form of “regularization”.
There are two problems with this strategy:
- The bias and variance depend on the true situation, which is unknown.
- There is no reason to think that trying nevertheless to minimize squared bias plus variance produces a unique answer.
Assessments of bias and variance play no role in the Bayesian approach."
limitations of bayesian approach
-
problems requiring specific priors in vague situations
"An example: We have a sample of points that we know come from a convex polyhedron, whose volume we wish to estimate. A Bayesian method will need a prior over possible polyhedra - which could be done, but probably requires a lot of thought. But a simple non-Bayesian estimate based on cross validation is (usually) available."
-
problems where the likelihood has an intractable normalizing constant
"Boltzmann machines are an example - even maximum likelihood is hard, and Bayesian inference seems out of the question at the moment."
-
problems with complex, unknown error distributions
"We can try to model the error, but it may be difficult. A bad model may lead to “overfitting” data where the model thinks the error is less than it is. A cross-validation approach to regularization can sometimes work better in such situations."
(Radford Neal)
The biggest advantage of graphical models is relatively simple way to distinguish conditionally independent variables, which simplify further analysis and allows to significantly lower number of factors given variable depends on.
overview by Roger Grosse (first part, second part)
notes by Volodymyr Kuleshov et al.
"Graphical Models" chapter of "Deep Learning" book by Goodfellow, Bengio, Courville
"Handbook of Graphical Models" by Maathuis, Drton, Lauritzen, Wainwright book
overview by Chris Bishop video
overview by Alex Smola video
overview by Dmitry Vetrov video
in russian
"Probabilistic Graphical Models" course by Daphne Koller (videos)
variational autoencoder
bayesian neural network
The basic point of non-parametric models is that they provide a prior distribution on real-valued functions. This lets you do regression as Bayesian inference: given observed data, Bayes rule turns your prior on functions into a posterior distribution. Having a posterior distribution on functions, rather than just a single learned function, means you can reason about uncertainty of your predictions at any set of points.
overview by Roger Grosse
"Bayesian Nonparametric Models" by Peter Orbanz and Yee Whye Teh paper
"Gaussian Processes for Machine Learning" by Carl Rasmussen and Christopher Williams book
overview by Zoubin Ghahramani video
Gaussian Processes by Nando de Freitas video
Gaussian Processes by Philipp Hennig video
Gaussian Processes by Neil Lawrence video
"Gaussian Processes and Bayesian Optimization" by Evgeny Burnaev video
in russian
"Scalable and Deep Gaussian Processes" by Dmitry Kropotov video
in russian
"Nonparametric Bayesian Methods: Models, Algorithms, and Applications" course by Tamara Broderick and Michael I. Jordan video
"Bayesian Nonparametrics" course by Tamara Broderick video
"Bayesian Nonparametrics" course by Tamara Broderick video
"Many real phenomena are of essentially unlimited complexity. Suppose we model consumer behaviour by categorizing consumers into various “types” (mixture components). There is no reason to think that there are only (say) five types of consumer. Surely there are an unlimited number of types, though some may be rare. Suppose we model the growth rate of trees as a function of climate, soil type, genetic characteristics, disease suppression measures taken, etc. There is no reason to think any simple functional form (eg, linear, low-order polynomial) will capture the many ways these factors interact to determine tree growth. How can we build a model that accommodates such complexity?
One approach:
- Define models that can have any finite amount of complexity (e.g., a finite number of mixture components, or of hidden units).
- Define priors for these models that make sense.
- See if the limit as the complexity goes to infinity is sensible.
If the limit makes sense, we can use a model that is as large as we can handle computationally. And sometimes, we can figure out how to actually implement the infinite model on a finite computer."
(Radford Neal)
overview by Roger Grosse
"Imagine you have a distribution p(x) and you want to compute the integral ∫p(x)F(x)dx for some function F(x) of interest. We call the computation of this integral as inference. Examples include Bayesian inference where now p(x) is some posterior distribution and F(x) is the likelihood function of x on unseen data. Or if p(x) is unnormalised, taking F(x)=1 would return the integral as the normalising constant (or partition function) of p. Unfortunately for many complicated models we are fancy on now (say neural networks) this integral is intractable, and here intractability means you can't compute the exact value of the integral due to computational constraints (say running time, memory usage, precision, etc). So instead we use approximate inference to approximate that integral. There are mainly two ways to do approximate inference: directly approximating the integral you want, or, finding an accurate approximation q to the target distribution p and using it for integration later. The first approach is mainly dominated by Monte Carlo methods while the second one is dominated by variational inference methods."
"Topics in Approximate Inference" by Yingzhen Li
applications:
- prediction: p(x(t+1,...,∞)|x(-∞,...,t)) (inference)
- parameter estimation: p(θ|x(0,...,N)) (learning as inference)
- planning: J = Ep[∫dtC(xt)|x0,u] (policy evaluation / optimization)
- experiment design: EIG = DKL[p(f(x(t,...,∞))|u);p(f(x(-∞,...,t)))] (expected information gain)
- hypothesis testing: p(f(x(-∞,...,t))|H0) / p(f(x(-∞,...,t))|H1) (bayes factor)
- expectation maximization
- variational inference
- monte carlo methods
- likelihood-free inference
- belief propagation
EM algorithm estimates parameters of model iteratively, starting from some initial guess. Each iteration consists of Expectation step, which finds distribution for unobserved variables, given known values for observed variables and current estimate of parameters, and Maximization step, which re-estimates the parameters with maximum likelihood, under assumption that distribution found on E step is correct.
EM algorithm can be interpreted as coordinate ascent procedure which optimizes variational lower bound on the likelihood function. This connects it with variational inference algorithms and justifies various generalizations and approximations to the algorithm.
"EM Algorithm and Variants: an Informal Tutorial" by Alexis Roche paper
overview by Dmitry Vetrov video
overview by Ekaterina Lobacheva video
overview by Dmitry Vetrov (part 1, part 2) video
in russian
overview by Konstantin Vorontsov video
in russian
EM and VI by Zoubin Ghahramani video
(variational inference)
"VAE = EM" by David McAllester (variational auto-encoder)
"Perhaps the most salient feature of EM as an optimization algorithm is that it works iteratively by maximizing successive local approximations of the likelihood function. Therefore, each iteration consists of two steps: one that performs the approximation (the E-step) and one that maximizes it (the M-step). What essentially defines an EM algorithm is the philosophy underlying the local approximation scheme - which, for instance, doesn't rely on differential calculus.
The key idea underlying EM is to introduce a latent variable Z whose PDF depends on θ with the property that maximizing p(z|θ) is easy or, say, easier than maximizing p(y|θ). Loosely speaking, we somewhat enhance the incomplete data by guessing some useful additional information. Technically, Z can be any variable such that θ -> Z -> Y is a Markov chain, i.e. we assume that p(y|z,θ) is independent from θ: p(z,y|θ) = p(z|θ)p(y|z).
Original EM formulation stems from a very simple variational argument. Under almost no assumption regarding the complete variable Z, except its PDF doesn't vanish to zero, we can bound the variation of the log-likelihood function L(θ) = log p(y|θ) as follows:
L(θ) - L(θ') = log (p(y|θ)/p(y|θ')) = log ∫ (p(z,y|θ)/p(y|θ'))dz = log ∫ (p(z,y|θ)/p(z,y|θ'))p(z|y,θ')dz = [step 1] log ∫ (p(z|θ)/p(z|θ'))p(z|y,θ')dz >= [step 2] ∫ log(p(z|θ)/p(z|θ')p(z|y,θ')dz = Q(θ,θ')
Step 1 results from the fact that p(y|z,θ) is indepedent from θ because of p(z,y|θ) = p(z|θ)p(y|z).
Step 2 follows from Jensen's inequality and well-known concavity property of the logarithm function.
Therefore Q(θ,θ') is an auxiliary function for the log-likelihood, in the sense that: (i) the likelihood variation from θ' to θ is always greater than Q(θ,θ'), and (ii) we have Q(θ,θ') = 0.
Hence, starting from an initial guess θ', we are guaranteed to increase the likelihood value if we can find a θ such that Q(θ,θ') > 0. Iterating such a process defines an EM algorithm.
There is no general convergence theorem for EM, but thanks to the above mentioned monotonicity property, convergence results may be proved under mild regularity conditions. Typically, convergence towards a non-global likelihood maximizer, or a saddle point, is a worst-case scenario. Still, the only trick behind EM is to exploit the concavity of the logarithm function."
"It's easier to understand EM through lens of variational inference.
We want to maximize log p(x|θ) = log ∫ p(x,z|θ)dz but don't know z.
log ∫ p(x,z|θ)dz = log ∫ (q(z)/q(z))p(x,z|θ)dz ≥ <Jensen's inequality> ∫ q(z)log(p(x,z|θ)/q(z))dz = E[log p(x,z|θ)] + H[q(z)],
where q(z) is variational distribution and H[q(z)] is independent of θ and can be dropped.
When EM is derived, q(z) is almost always set as q(z) = p(z|x,θ) but this is not necessary.
The above will be true for any distribution q. Different choices will alter tightness of bound.
Q = E[log p(x,z|θ)] or Q = E[log p(x|θ)] in case q(z) = p(z|x,θ) because of p(x,z|θ) = p(x|θ)p(z|x,θ)
EM is usually written as first computing Q then optimizing wrt θ but can be written in single step: argmax_θ E[log p(x,z|θ)]."
Variational inference is an umbrella term for algorithms which cast Bayesian inference as optimization.
overview by Roger Grosse
"Variational Inference in 5 Minutes" by Dave Moore
"General Purpose Variational Inference" by Dave Moore
"Neural Variational Inference" by Artem Sobolev:
- "Classical Theory"
- "Scaling Up"
- "Blackbox Mode"
- "Variational Autoencoders and Helmholtz machines"
- "Importance Weighted Autoencoders"
"Variational Inference: A Review for Statisticians" by Blei et al. paper
summary
"Advances in Variational Inference" by Zhang et al. paper
summary
"Variational Inference" by David Blei paper
"An Introduction to Variational Methods for Graphical Model" by Jordan et al. paper
"Modern Latent Variable Models and Variational Inference" by Andriy Mnih video
"Variational Inference: Foundations and Innovations" by David Blei (1, 2) video
"Advanced Methods of Variational Inference" by Max Welling video
"Variational Inference: Foundations and Innovations" by David Blei video
overview by Sergey Nikolenko video
in russian
overview by Dmitry Kropotov video
overview of alternatives to variational inference by Dmitry Molchanov video
in russian
applications:
- variational autoencoder (approximating posterior over latent variables given a datapoint)
- bayesian neural network (approximating posterior over model parameters given a dataset)
- active inference (approximating surprise by minimizing a free-energy bound on it)
At a high level, probabilistic graphical models have two kinds of variables: visible and hidden. Visible variables are the ones we observe, hidden variables are ones that we use as part of our model to explain relationships between visible variables or describe hidden causes behind the observations. These hidden variables may not correspond to observable quantities. For example, when modelling faces, observable variables might be raw pixel intensities in an image, hidden variables might be things that describe things like lighting, eye colour, face orientation, skin tone. Hidden variables, and the relationships between variables correspond to our model of how the world might work.
Generally, we want to do be able to do two things with such models:
- inference - determining the value (or conditional probability distribution) of hidden variables, given the observations.
"Given a particular image with its pixel values, what are probable values of face orientation?" - learning - adjusting parameters of the model so it fits our dataset better.
"How should we find the parameters that are most consistent with our observations?”
This is particularly important in the deep learning flavour of probabilistic models where the relationship between hidden variables might be described by a deep neural network with several layers and millions of parameters.
To solve these two problems, we often need the ability to marginalise, to calculate marginal probability distributions of subsets of the variables. In particular, we often want to calculate (and maximise) the marginal likelihood, or model evidence, which is the probability of observable variables, but with the hidden variables averaged out. Equivalently, one might phrase the learning and inference problems as evaluating normalisations constants or partition functions. Evaluating these quantities generally involves intractable integrals or enumerating and summing over exponentially many possibilities, so exact inference and learning in most models are practically impossible.
One approach is to try to approximate that integrals by sampling, but often we're faced with a distribution we can't even easily obtain unbiased samples from, and we have to do use Markov chains, which may take a long time to visit all the places they need to visit for our estimate to be any good.
Variational inference sidesteps the problem of calculating normalisation constants by constructing a lower bound to the marginal likelihood. For that we use an approximate posterior distribution, with a bunch of little knobs inside of it that we can adjust even per data point to make it as close to the real posterior as possible. Note that this optimization problem (of matching one distribution with another approximate one) doesn't involve the original intractable integrals we try to avoid. With some math we can show that this can give a lower bound on the thing we'd like to be maximizing (the probability of the data under our model), and so if we can optimize the parameters of our model with respect to the lower bound, maybe we'll be able to do something useful with respect to the thing we actually care about.
Variational inference is a paradigm where instead of trying to compute exactly the posterior distribution one searches through a parametric family for the closest (in relative entropy) distribution to the true posterior. The key observation is that one can perform stochastic gradient descent for this problem without having to compute the normalization constant in the posterior distribution (which is often an intractable problem). The only catch is that in order to compute the required gradients one needs to be able to use sample from variational posterior (sample an element of the parametric family under consideration conditioned on the observed data), and this might itself be a difficult problem in large-scale applications.
Variational inference provides an optimization-based alternative to the sampling-based Monte Carlo methods, and tend to be more efficient. They involve approximating the exact posterior using a distribution from a more tractable family, often a fully factored one, by maximizing a variational lower bound on the log-likelihood w.r.t. the parameters of the distribution. For a small class of models, using such variational posteriors allows the expectations that specify the parameter updates to be computed analytically. However, for highly expressive models such as the ones we are interested in, these expectations are intractable even with the simplest variational posteriors. This difficulty is usually dealt with by lower bounding the intractable expectations with tractable one by introducing more variational parameters. However, this technique increases the gap between the bound being optimized and the log-likelihood, potentially resulting in a poorer fit to the data. In general, variational methods tend to be more model-dependent than sampling-based methods, often requiring non-trivial model-specific derivations.
Traditional unbiased inference schemes such as Markov Chain Monte Carlo are often slow to run and difficult to evaluate in finite time. In contrast, variational inference allows for competitive run times and more reliable convergence diagnostics on large-scale and streaming data - while continuing to allow for complex, hierarchical modelling. The recent resurgence of interest in variational methods includes new methods for scalability using stochastic gradient methods, extensions to the streaming variational setting, improved local variational methods, inference in non-linear dynamical systems, principled regularisation in deep neural networks, and inference-based decision making in reinforcement learning, amongst others. Variational methods have clearly emerged as a preferred way to allow for tractable Bayesian inference. Despite this interest, there remain significant trade-offs in speed, accuracy, simplicity, applicability, and learned model complexity between variational inference and other approximative schemes such as MCMC and point estimation.
"Variational inference is useful for dealing with latent variable models. Let's assume that for each observation x we assign a hidden variable z. Our model pθ describes the joint distribution between x and z. In such a model, typically:
- pθ(z) is very easy ( 🐣 )
- pθ(x|z) is easy ( 🐹 )
- pθ(x,z) is easy ( 🐨 )
- pθ(x) is super-hard ( 🐍 )
- pθ(z|x) is mega-hard ( 🐲 )
to evaluate.
Unfortunately, in machine learning the things we want to calculate are exactly the bad guys, 🐍 and 🐲: - inference is evaluating pθ(z|x) ( 🐲 )
- learning (via maximum likelihood) involves pθ(x) ( 🐍 )
Variational lower bounds give us ways to approximately perform both inference and maximum likelihood parameter learning, by approximating the posterior 🐲 with a simpler, tamer distribution, qψ(z|x) ( 🐰 ) called the approximate posterior or recognition model. Variational inference and learning involves maximising the evidence lower bound (ELBO):
ELBO(θ,ψ) = ∑n log p(xn) − KL[qψ(z|xn)∥pθ(z|xn)]
or
💪 = ∑n log🐍 - KL[ 🐰 || 🐲 ]
This expression is still full of 🐍 and 🐲s but the nice thing about it is that it can be writtein more convenient forms which only contain the good guys 🐣 🐹 🐨 🐰:
💪 = − ∑nE🐰 log ( 🐰 / 🐨 ) + constant = ∑n E🐰 log 🐹 - E🐰 KL[ 🐰 || 🐣 ]
Both expressions only contain nice, tame distributions and do not need explicit evaluation of either the marginal likelihood 🐍 or the posterior 🐲.
ELBO is - as the name suggests - a lower bound to the model evidence or log likelihood. Therefore, maximising it with respect to θ and ψ approximates maximum likelihood learning, while you can use the recognition model 🐰 instead of 🐉 to perform tractable approximate inference."
"Variational Inference: Tricks of the Trade" by Shakir Mohamed
- reparametrization trick (pathwise derivative estimator for gradient of ELBO)
- log derivative trick (likelihood ratio estimator for gradient of ELBO)
Monte Carlo methods are a diverse class of algorithms that rely on repeated random sampling to compute the solution to problems whose solution space is too large to explore systematically or whose systemic behavior is too complex to model.
overview by Roger Grosse
"Introduction to MCMC" by John Cook
"Markov Chain Monte Carlo Without all the Bullshit" by Jeremy Kun
"Markov Chains: Why Walk When You Can Flow?" by Richard McElreath
"Why is it hard to directly sample from certain statistical distributions"
overview by Nando de Freitas video
overview by Alex Smola video
overview by Bob Carpenter video
overview by Igor Kuralenok video
in russian
overview by Igor Kuralenok (first part, second part) video
in russian
tutorial by Iain Murray video
tutorial by Sebastian Nowozin video
"Monte Carlo Theory, Methods and Examples" by Art Owen book
implementations
implementations
Some statistical models are specified via data generating process for which likelihood function is intractable and cannot be evaluated numerically in a practical time.
Standard likelihood-based inference is then not feasible but model parameters can be inferred by finding values which yield simulated data that resemble observed data.
overview by Dennis Prangle
overview by Scott Linderman
"Machine Learning and Likelihood-Free Inference in Particle Physics" by Kyle Cranmer video
"Likelihood-free Inference via Classification" by Gutmann et al. paper
summary
"Fast Epsilon-free Inference of Simulation Models with Bayesian Conditional Density Estimation" by Papamakarios et al. paper
summary
"Sequential Neural Likelihood: Fast Likelihood-free Inference with Autoregressive Flows" by Papamakarios et al. paper
"Likelihood-free Inference with Emulator Networks" by Lueckmann et al. paper
generative adversarial networks as implicit models with likelihood-free inference
overview by Roger Grosse
interesting papers - bayesian deep learning
interesting papers - variational autoencoder
interesting papers - probabilistic programming
interesting recent papers - bayesian deep learning
interesting recent papers - variational autoencoders
interesting recent papers - unsupervised learning
"In this paper we provide a conceptual overview of latent variable models within a probabilistic modeling framework, an overview that emphasizes the compositional nature and the interconnectedness of the seemingly disparate models commonly encountered in statistical practice."
"A probabilistic or weighted grammar implies a posterior probability distribution over possible parses of a given input sentence. One often needs to extract information from this distribution, by computing the expected counts (in the unknown parse) of various grammar rules, constituents, transitions, or states. This requires an algorithm such as inside-outside or forward-backward that is tailored to the grammar formalism. Conveniently, each such algorithm can be obtained by automatically differentiating an “inside” algorithm that merely computes the log-probability of the evidence (the sentence). This mechanical procedure produces correct and efficient code. As for any other instance of back-propagation, it can be carried out manually or by software. This pedagogical paper carefully spells out the construction and relates it to traditional and nontraditional views of these algorithms."
"The use of simulation for high dimensional intractable computations has revolutionized applied mathematics. Designing, improving and understanding the new tools leads to (and leans on) fascinating mathematics, from representation theory through micro-local analysis."
"Markov Chain Monte Carlo and Variational Inference: Bridging the Gap" Salimans, Kingma, Welling
"Recent advances in stochastic gradient variational inference have made it possible to perform variational Bayesian inference with posterior approximations containing auxiliary random variables. This enables us to explore a new synthesis of variational inference and Monte Carlo methods where we incorporate one or more steps of MCMC into our variational approximation. By doing so we obtain a rich class of inference algorithms bridging the gap between variational methods and MCMC, and offering the best of both worlds: fast posterior approximation through the maximization of an explicit objective, with the option of trading off additional computation for additional accuracy. We describe the theoretical foundations that make this possible and show some promising first results."
video
http://videolectures.net/icml2015_salimans_variational_inference/ (Salimans)
"Likelihood-free Inference via Classification" Gutmann, Dutta, Kaski, Corander
"Increasingly complex generative models are being used across disciplines as they allow for realistic characterization of data, but a common difficulty with them is the prohibitively large computational cost to evaluate the likelihood function and thus to perform likelihood-based statistical inference. A likelihood-free inference framework has emerged where the parameters are identified by finding values that yield simulated data resembling the observed data. While widely applicable, a major difficulty in this framework is how to measure the discrepancy between the simulated and observed data. Transforming the original problem into a problem of classifying the data into simulated versus observed, we find that classification accuracy can be used to assess the discrepancy. The complete arsenal of classification methods becomes thereby available for inference of intractable generative models. We validate our approach using theory and simulations for both point estimation and Bayesian inference, and demonstrate its use on real data by inferring an individual-based epidemiological model for bacterial infections in child care centers."
"At about the same time we first presented our work, Goodfellow et al (2014) proposed to use nonlinear logistic regression to train a neural network (Generative Adversarial Networks) such that it transforms “noise” samples into samples approximately following the same distribution as some given data set. The main difference to our work is that the method of Goodfellow et al (2014) is a method for producing random samples while ours is a method for statistical inference."
"AIDE: An Algorithm for Measuring the Accuracy of Probabilistic Inference Algorithms" Cusumano-Towner, Mansinghka
"Approximate probabilistic inference algorithms are central to many fields. Examples include sequential Monte Carlo inference in robotics, variational inference in machine learning, and Markov chain Monte Carlo inference in statistics. A key problem faced by practitioners is measuring the accuracy of an approximate inference algorithm on a specific data set. This paper introduces the auxiliary inference divergence estimator (AIDE), an algorithm for measuring the accuracy of approximate inference algorithms. AIDE is based on the observation that inference algorithms can be treated as probabilistic models and the random variables used within the inference algorithm can be viewed as auxiliary variables. This view leads to a new estimator for the symmetric KL divergence between the approximating distributions of two inference algorithms. The paper illustrates application of AIDE to algorithms for inference in regression, hidden Markov, and Dirichlet process mixture models. The experiments show that AIDE captures the qualitative behavior of a broad class of inference algorithms and can detect failure modes of inference algorithms that are missed by standard heuristics."
interesting papers - probabilistic programming - applications
"A Generative Vision Model that Trains with High Data Efficiency and Breaks Text-based CAPTCHAs" George et al.
"Learning from few examples and generalizing to dramatically different situations are capabilities of human visual intelligence that are yet to be matched by leading machine learning models. By drawing inspiration from systems neuroscience, we introduce a probabilistic generative model for vision in which message-passing based inference handles recognition, segmentation and reasoning in a unified way. The model demonstrates excellent generalization and occlusion-reasoning capabilities, and outperforms deep neural networks on a challenging scene text recognition benchmark while being 300-fold more data efficient. In addition, the model fundamentally breaks the defense of modern text-based CAPTCHAs by generatively segmenting characters without CAPTCHA-specific heuristics. Our model emphasizes aspects like data efficiency and compositionality that may be important in the path toward general artificial intelligence."
post
https://vicarious.com/2017/10/26/common-sense-cortex-and-captcha/video
https://slideslive.com/38909792/building-machines-that-work-like-the-brain (George)video
https://youtube.com/watch?v=y459Yip5vRQ (George)video
https://youtube.com/watch?v=lmeZIHkep7c (George)post
https://towardsdatascience.com/understanding-rcns-structure-ec4b51b9c257code
https://github.com/vicariousinc/science_rcn
"Unsupervised Learning of 3D Structure from Images" Rezende, Eslami, Mohamed, Battaglia, Jaderberg, Heess
"A key goal of computer vision is to recover the underlying 3D structure from 2D observations of the world. In this paper we learn strong deep generative models of 3D structures, and recover these structures from 3D and 2D images via probabilistic inference. We demonstrate high-quality samples and report log-likelihoods on several datasets, including ShapeNet, and establish the first benchmarks in the literature. We also show how these models and their inference networks can be trained end-to-end from 2D images. This demonstrates for the first time the feasibility of learning to infer 3D representations of the world in a purely unsupervised manner."
"A key goal of computer vision is that of recovering the underlying 3D structure that gives rise to these 2D observations. The 2D projection of a scene is a complex function of the attributes and positions of the camera, lights and objects that make up the scene. If endowed with 3D understanding, agents can abstract away from this complexity to form stable, disentangled representations, e.g., recognizing that a chair is a chair whether seen from above or from the side, under different lighting conditions, or under partial occlusion. Moreover, such representations would allow agents to determine downstream properties of these elements more easily and with less training, e.g., enabling intuitive physical reasoning about the stability of the chair, planning a path to approach it, or figuring out how best to pick it up or sit on it. Models of 3D representations also have applications in scene completion, denoising, compression and generative virtual reality."
"There have been many attempts at performing this kind of reasoning, dating back to the earliest years of the field. Despite this, progress has been slow for several reasons: First, the task is inherently ill-posed. Objects always appear under self-occlusion, and there are an infinite number of 3D structures that could give rise to a particular 2D observation. The natural way to address this problem is by learning statistical models that recognize which 3D structures are likely and which are not. Second, even when endowed with such a statistical model, inference is intractable. This includes the sub-tasks of mapping image pixels to 3D representations, detecting and establishing correspondences between different images of the same structures, and that of handling the multi-modality of the representations in this 3D space. Third, it is unclear how 3D structures are best represented, e.g., via dense volumes of voxels, via a collection of vertices, edges and faces that define a polyhedral mesh, or some other kind of representation. Finally, ground-truth 3D data is difficult and expensive to collect and therefore datasets have so far been relatively limited in size and scope."
"(a) We design a strong generative model of 3D structures, defined over the space of volumes and meshes, using ideas from state-of-the-art generative models of images.
(b) We show that our models produce high-quality samples, can effectively capture uncertainty and are amenable to probabilistic inference, allowing for applications in 3D generation and simulation. We report log-likelihoods on a dataset of shape primitives, a 3D version of MNIST, and on ShapeNet, which to the best of our knowledge, constitutes the first quantitative benchmark for 3D density modeling.
(c) We show how complex inference tasks, e.g., that of inferring plausible 3D structures given a 2D image, can be achieved using conditional training of the models. We demonstrate that such models recover 3D representations in one forward pass of a neural network and they accurately capture the multi-modality of the posterior.
(d) We explore both volumetric and mesh-based representations of 3D structure. The latter is achieved by flexible inclusion of off-the-shelf renders such as OpenGL. This allows us to build in further knowledge of the rendering process, e.g., how light bounces of surfaces and interacts with its material’s attributes.
(e) We show how the aforementioned models and inference networks can be trained end-to-end directly from 2D images without any use of ground-truth 3D labels. This demonstrates for the first time the feasibility of learning to infer 3D representations of the world in a purely unsupervised manner."
"In this paper we introduced a powerful family of 3D generative models inspired by recent advances in image modeling. We showed that when trained on ground-truth volumes, they can produce high-quality samples that capture the multi-modality of the data. We further showed how common inference tasks, such as that of inferring a posterior over 3D structures given a 2D image, can be performed efficiently via conditional training. We also demonstrated end-to-end training of such models directly from 2D images through the use of differentiable renderers. We experimented with two kinds of 3D representations: volumes and meshes. Volumes are flexible and can capture a diverse range of structures, however they introduce modeling and computational challenges due to their high dimensionality. Conversely, meshes can be much lower dimensional and therefore easier to work with, and they are the data-type of choice for common rendering engines, however standard paramaterizations can be restrictive in the range of shapes they can capture."
video
https://youtube.com/watch?v=stvDAGQwL5c + https://goo.gl/9hCkxs (demo)video
https://docs.google.com/presentation/d/12uZQ_Vbvt3tzQYhWR3BexqOzbZ-8AeT_jZjuuYjPJiY/pub?start=true&loop=true&delayms=30000#slide=id.g1329951dde_0_0 (demo)
"Human-level Concept Learning Through Probabilistic Program Induction" Lake, Salakhutdinov, Tenenbaum
"People learning new concepts can often generalize successfully from just a single example, yet machine learning algorithms typically require tens or hundreds of examples to perform with similar accuracy. People can also use learned concepts in richer ways than conventional algorithms - for action, imagination, and explanation. We present a computational model that captures these human learning abilities for a large class of simple visual concepts: handwritten characters from the world’s alphabets. The model represents concepts as simple programs that best explain observed examples under a Bayesian criterion. On a challenging one-shot classification task, the model achieves human-level performance while outperforming recent deep learning approaches. We also present several “visual Turing tests” probing the model’s creative generalization abilities, which in many cases are indistinguishable from human behavior."
"The power of concept learning as program induction:
- Programs provide causal descriptions (explanations) of how the data was generated
- Programs support flexible generalization to new tasks
- Programs support compositional learning
- Probabilistic programs can handle noise and support creative tasks"
video
http://youtube.com/watch?v=Sz6VoPly45o (Lake)video
http://youtube.com/watch?v=kzl8Bn4VtR8 (Lake)video
http://techtalks.tv/talks/one-shot-learning-of-simple-fractal-concepts/63049/ (Lake)video
http://youtube.com/watch?v=p1VpvOFJg6A (Lake)video
http://youtu.be/quPN7Hpk014?t=21m5s (Tenenbaum)video
http://youtube.com/watch?v=0h5RlFQUwAY (Bachteev)in russian
notes
https://casmls.github.io/general/2017/02/08/oneshot.htmlcode
https://github.com/brendenlake/BPLpaper
"Building Machines That Learn and Think Like People" by Lake et al.paper
summary
paper
"Towards More Human-like Concept Learning in Machines: Compositionality, Causality, and Learning-to-learn" by Lakepaper
"One-shot Learning by Inverting a Compositional Causal Process" by Lake et al.
"Variational Autoencoders for Collaborative Filtering" Liang, Krishnan, Hoffman, Jebara
"We extend variational autoencoders to collaborative filtering for implicit feedback. This non-linear probabilistic model enables us to go beyond the limited modeling capacity of linear factor models which still largely dominate collaborative filtering research. We introduce a generative model with multinomial likelihood and use Bayesian inference for parameter estimation. Despite widespread use in language modeling and economics, the multinomial likelihood receives less attention in the recommender systems literature. We introduce a different regularization parameter for the learning objective, which proves to be crucial for achieving competitive performance. Remarkably, there is an efficient way to tune the parameter using annealing. The resulting model and learning algorithm has information-theoretic connections to maximum entropy discrimination and the information bottleneck principle. Empirically, we show that the proposed approach significantly outperforms several state-of-the-art baselines, including two recently-proposed neural network approaches, on several real-world datasets. We also provide extended experiments comparing the multinomial likelihood with other commonly used likelihood functions in the latent factor collaborative filtering literature and show favorable results. Finally, we identify the pros and cons of employing a principled Bayesian inference approach and characterize settings where it provides the most significant improvements."
"Recommender systems is more of a "small data" than a "big data" problem."
"VAE generalizes linear latent factor model and recovers Gaussian matrix factorization as a special linear case. No iterative procedure required to rank all the items given a user's watch history - only need to evaluate inference and generative functions."
"We introduce a regularization parameter for the learning objective to trade-off the generative power for better predictive recommendation performance. For recommender systems, we don't necessarily need all the statistical property of a generative model. We trade off the ability of performing ancestral sampling for better fitting the data."
video
https://youtube.com/watch?v=gRvxr47Gj3k (Liang)code
https://github.com/dawenl/vae_cf
"TrueSkill(TM): A Bayesian Skill Rating System" Herbrich, Minka, Graepel
"We present a new Bayesian skill rating system which can be viewed as a generalisation of the Elo system used in Chess. The new system tracks the uncertainty about player skills, explicitly models draws, can deal with any number of competing entities and can infer individual skills from team results. Inference is performed by approximate message passing on a factor graph representation of the model. We present experimental evidence on the increased accuracy and convergence speed of the system compared to Elo and report on our experience with the new rating system running in a large-scale commercial online gaming service under the name of TrueSkill."
- http://trueskill.org
video
https://youtu.be/g_LSbqLBdM0?t=5m56s (Zaykov)video
https://youtu.be/Y3obG7F1crw?t=32m28s (Bishop)video
http://videolectures.net/ecmlpkdd2010_graepel_mlm/ (Graepel)video
https://youtu.be/nZjkZR9FPxo?t=40m27s (Guiver)video
https://youtu.be/ZHERrzVDTiU?t=27m57s (Yangel)in russian
video
https://youtu.be/Ahk6rjZ6Zfs?t=2h50m39s (Nikolenko)in russian
post
http://moserware.com/2010/03/computing-your-skill.htmlpaper
"The Math Behind TrueSkill" by Jeff Moserpaper
"TrueSkill 2: An Improved Bayesian Skill Rating System" by Minka, Cleven, Zaykovsummary
"TrueSkill 2: An Improved Bayesian Skill Rating System" Minka, Cleven, Zaykov
"Online multiplayer games, such as Gears of War and Halo, use skill-based matchmaking to give players fair and enjoyable matches. They depend on a skill rating system to infer accurate player skills from historical data. TrueSkill is a popular and effective skill rating system, working from only the winner and loser of each game. This paper presents an extension to TrueSkill that incorporates additional information that is readily available in online shooters, such as player experience, membership in a squad, the number of kills a player scored, tendency to quit, and skill in other game modes. This extension, which we call TrueSkill2, is shown to significantly improve the accuracy of skill ratings computed from Halo 5 matches. TrueSkill2 predicts historical match outcomes with 68% accuracy, compared to 52% accuracy for TrueSkill."
video
https://youtu.be/g_LSbqLBdM0?t=5m56s (Zaykov)paper
"TrueSkill(TM): A Bayesian Skill Rating System" by Herbrich, Minka, Graepelsummary
"Matchbox: Large Scale Bayesian Recommendations" Stern, Herbrich, Graepel
"We present a probabilistic model for generating personalised recommendations of items to users of a web service. The Matchbox system makes use of content information in the form of user and item meta data in combination with collaborative filtering information from previous user behavior in order to predict the value of an item for a user. Users and items are represented by feature vectors which are mapped into a low-dimensional ‘trait space’ in which similarity is measured in terms of inner products. The model can be trained from different types of feedback in order to learn user-item preferences. Here we present three alternatives: direct observation of an absolute rating each user gives to some items, observation of a binary preference (like/don’t like) and observation of a set of ordinal ratings on a user-specific scale. Efficient inference is achieved by approximate message passing involving a combination of Expectation Propagation and Variational Message Passing. We also include a dynamics model which allows an item’s popularity, a user’s taste or a user’s personal rating scale to drift over time. By using Assumed-Density Filtering for training, the model requires only a single pass through the training data. This is an on-line learning algorithm capable of incrementally taking account of new data so the system can immediately reflect the latest user preferences. We evaluate the performance of the algorithm on the MovieLens and Netflix data sets consisting of approximately 1,000,000 and 100,000,000 ratings respectively. This demonstrates that training the model using the on-line ADF approach yields state-of-the-art performance with the option of improving performance further if computational resources are available by performing multiple EP passes over the training data."
post
https://devblogs.microsoft.com/dotnet/dot-net-recommendation-system-for-net-applications-using-azure-machine-learning/video
http://videolectures.net/ecmlpkdd2010_graepel_mlm/#t=1265 (Graepel)post
https://dotnet.github.io/infer/userguide/Learners/Matchbox%20recommender.html
"Bayesian Optimization in AlphaGo" Chen, Huang, Wang, Antonoglou, Schrittwieser, Silver, Freitas
"During the development of AlphaGo, its many hyper-parameters were tuned with Bayesian optimization multiple times. This automatic tuning process resulted in substantial improvements in playing strength. For example, prior to the match with Lee Sedol, we tuned the latest AlphaGo agent and this improved its win-rate from 50% to 66.5% in self-play games. This tuned version was deployed in the final match. Of course, since we tuned AlphaGo many times during its development cycle, the compounded contribution was even higher than this percentage. It is our hope that this brief case study will be of interest to Go fans, and also provide Bayesian optimization practitioners with some insights and inspiration."
"Inverting a Steady-State" Kumar, Tomkins, Vassilvitskii, Vee
"We consider the problem of inferring choices made by users based only on aggregate data containing the relative popularity of each item. We propose a framework that models the problem as that of inferring a Markov chain given a stationary distribution. Formally, we are given a graph and a target steady-state distribution on its nodes. We are also given a mapping from per-node scores to a transition matrix, from a broad family of such mappings. The goal is to set the scores of each node such that the resulting transition matrix induces the desired steady state. We prove sufficient conditions under which this problem is feasible and, for the feasible instances, obtain a simple algorithm for a generic version of the problem. This iterative algorithm provably finds the unique solution to this problem and has a polynomial rate of convergence; in practice we find that the algorithm converges after fewer than ten iterations. We then apply this framework to choice problems in online settings and show that our algorithm is able to explain the observed data and predict the user choices much better than other competing baselines across a variety of diverse datasets."
post
http://cm.cecs.anu.edu.au/post/invert_random_walk_problem/post
https://jfmackay.wordpress.com/2015/05/14/inverting-the-steady-state-of-a-markov-chain/
"The Human Kernel" Wilson, Dann, Lucas, Xing
"Bayesian nonparametric models, such as Gaussian processes, provide a compelling framework for automatic statistical modelling: these models have a high degree of flexibility, and automatically calibrated complexity. However, automating human expertise remains elusive; for example, Gaussian processes with standard kernels struggle on function extrapolation problems that are trivial for human learners. In this paper, we create function extrapolation problems and acquire human responses, and then design a kernel learning framework to reverse engineer the inductive biases of human learners across a set of behavioral experiments. We use the learned kernels to gain psychological insights and to extrapolate in humanlike ways that go beyond traditional stationary and polynomial kernels. Finally, we investigate Occam’s razor in human and Gaussian process based function learning."
"We have shown that (1) human learners have systematic expectations about smooth functions that deviate from the inductive biases inherent in the RBF kernels that have been used in past models of function learning; (2) it is possible to extract kernels that reproduce qualitative features of human inductive biases, including the variable sawtooth and step patterns; (3) that human learners favour smoother or simpler functions, even in comparison to GP models that tend to over-penalize complexity; and (4) that it is possible to build models that extrapolate in human-like ways which go beyond traditional stationary and polynomial kernels."
"We have focused on human extrapolation from noise-free nonparametric relationships. This approach complements past work emphasizing simple parametric functions and the role of noise, but kernel learning might also be applied in these other settings. In particular, iterated learning experiments provide a way to draw samples that reflect human learners’ a priori expectations. Like most function learning experiments, past IL experiments have presented learners with sequential data. Our approach, following Little and Shiffrin, instead presents learners with plots of functions. This method is useful in reducing the effects of memory limitations and other sources of noise (e.g., in perception). It is possible that people show different inductive biases across these two presentation modes. Future work, using multiple presentation formats with the same underlying relationships, will help resolve these questions. Finally, the ideas discussed in this paper could be applied more generally, to discover interpretable properties of unknown models from their predictions. Here one encounters fascinating questions at the intersection of active learning, experimental design, and information theory."
video
http://research.microsoft.com/apps/video/default.aspx?id=259610 (11:30) (Wilson)