Extending Expectation Propagation for Graphical Models

Slides:



Advertisements
Similar presentations
Expectation Propagation in Practice
Advertisements

Bayesian Belief Propagation
Exact Inference. Inference Basic task for inference: – Compute a posterior distribution for some query variables given some observed evidence – Sum out.
Exact Inference in Bayes Nets
Dynamic Bayesian Networks (DBNs)
Loopy Belief Propagation a summary. What is inference? Given: –Observabled variables Y –Hidden variables X –Some model of P(X,Y) We want to make some.
Introduction to Belief Propagation and its Generalizations. Max Welling Donald Bren School of Information and Computer and Science University of California.
Belief Propagation by Jakob Metzler. Outline Motivation Pearl’s BP Algorithm Turbo Codes Generalized Belief Propagation Free Energies.
Overview of Inference Algorithms for Bayesian Networks Wei Sun, PhD Assistant Research Professor SEOR Dept. & C4I Center George Mason University, 2009.
Belief Propagation on Markov Random Fields Aggeliki Tsoli.
Exact Inference (Last Class) variable elimination  polytrees (directed graph with at most one undirected path between any two vertices; subset of DAGs)
GS 540 week 6. HMM basics Given a sequence, and state parameters: – Each possible path through the states has a certain probability of emitting the sequence.
Belief Propagation in a Continuous World Andrew Frank 11/02/2009 Joint work with Alex Ihler and Padhraic Smyth TexPoint fonts used in EMF. Read the TexPoint.
1 Graphical Models in Data Assimilation Problems Alexander Ihler UC Irvine Collaborators: Sergey Kirshner Andrew Robertson Padhraic Smyth.
Extending Expectation Propagation for Graphical Models Yuan (Alan) Qi Joint work with Tom Minka.
Predictive Automatic Relevance Determination by Expectation Propagation Yuan (Alan) Qi Thomas P. Minka Rosalind W. Picard Zoubin Ghahramani.
Conditional Random Fields
Belief Propagation Kai Ju Liu March 9, Statistical Problems Medicine Finance Internet Computer vision.
Computer vision: models, learning and inference Chapter 10 Graphical Models.
Bayesian Filtering for Location Estimation D. Fox, J. Hightower, L. Liao, D. Schulz, and G. Borriello Presented by: Honggang Zhang.
Bayesian Learning for Conditional Models Alan Qi MIT CSAIL September, 2005 Joint work with T. Minka, Z. Ghahramani, M. Szummer, and R. W. Picard.
A Trainable Graph Combination Scheme for Belief Propagation Kai Ju Liu New York University.
Particle Filtering. Sensors and Uncertainty Real world sensors are noisy and suffer from missing data (e.g., occlusions, GPS blackouts) Use sensor models.
24 November, 2011National Tsin Hua University, Taiwan1 Mathematical Structures of Belief Propagation Algorithms in Probabilistic Information Processing.
Mean Field Inference in Dependency Networks: An Empirical Study Daniel Lowd and Arash Shamaei University of Oregon.
Extending Expectation Propagation on Graphical Models Yuan (Alan) Qi
High-resolution computational models of genome binding events Yuan (Alan) Qi Joint work with Gifford and Young labs Dana-Farber Cancer Institute Jan 2007.
Overview Particle filtering is a sequential Monte Carlo methodology in which the relevant probability distributions are iteratively estimated using the.
Direct Message Passing for Hybrid Bayesian Networks Wei Sun, PhD Assistant Research Professor SFL, C4I Center, SEOR Dept. George Mason University, 2009.
Markov Random Fields Probabilistic Models for Images
Virtual Vector Machine for Bayesian Online Classification Yuan (Alan) Qi CS & Statistics Purdue June, 2009 Joint work with T.P. Minka and R. Xiang.
Readings: K&F: 11.3, 11.5 Yedidia et al. paper from the class website
Maximum a posteriori sequence estimation using Monte Carlo particle filters S. J. Godsill, A. Doucet, and M. West Annals of the Institute of Statistical.
CS Statistical Machine learning Lecture 24
Extending Expectation Propagation on Graphical Models Yuan (Alan) Qi MIT Media Lab.
Approximate Inference: Decomposition Methods with Applications to Computer Vision Kyomin Jung ( KAIST ) Joint work with Pushmeet Kohli (Microsoft Research)
1 Mean Field and Variational Methods finishing off Graphical Models – Carlos Guestrin Carnegie Mellon University November 5 th, 2008 Readings: K&F:
Guest lecture: Feature Selection Alan Qi Dec 2, 2004.
Lecture 2: Statistical learning primer for biologists
Exact Inference in Bayes Nets. Notation U: set of nodes in a graph X i : random variable associated with node i π i : parents of node i Joint probability:
Pattern Recognition and Machine Learning
The Unscented Particle Filter 2000/09/29 이 시은. Introduction Filtering –estimate the states(parameters or hidden variable) as a set of observations becomes.
CS Statistical Machine learning Lecture 25 Yuan (Alan) Qi Purdue CS Nov
1 Relational Factor Graphs Lin Liao Joint work with Dieter Fox.
Markov Networks: Theory and Applications Ying Wu Electrical Engineering and Computer Science Northwestern University Evanston, IL 60208
Samuel Cheng, Shuang Wang and Lijuan Cui University of Oklahoma
Bayesian Belief Propagation for Image Understanding David Rosenberg.
Expectation Propagation for Graphical Models Yuan (Alan) Qi Joint work with Tom Minka.
Graduate School of Information Sciences, Tohoku University
Today.
Alan Qi Thomas P. Minka Rosalind W. Picard Zoubin Ghahramani
Probabilistic Robotics
Markov Networks.
CSCI 5822 Probabilistic Models of Human and Machine Learning
Graduate School of Information Sciences, Tohoku University
Particle Filtering.
Bucket Renormalization for Approximate Inference
Class #19 – Tuesday, November 3
≠ Particle-based Variational Inference for Continuous Systems
Graduate School of Information Sciences, Tohoku University
Expectation-Maximization & Belief Propagation
Extending Expectation Propagation for Graphical Models
Kalman Filters Switching Kalman Filter
Readings: K&F: 5.1, 5.2, 5.3, 5.4, 5.5, 5.6, 5.7 Markov networks, Factor graphs, and an unified view Start approximate inference If we are lucky… Graphical.
Approximate Inference by Sampling
Junction Trees 3 Undirected Graphical Models
Readings: K&F: 11.3, 11.5 Yedidia et al. paper from the class website
Markov Networks.
Mean Field and Variational Methods Loopy Belief Propagation
Kalman Filters Gaussian MNs
Presentation transcript:

Extending Expectation Propagation for Graphical Models Yuan (Alan) Qi Joint work with Tom Minka

Motivation Graphical models are widely used in real-world applications, such as wireless communications and bioinformatics. Inference techniques on graphical models often sacrifice efficiency for accuracy or sacrifice accuracy for efficiency. Need a method that better balances the trade-off between accuracy and efficiency.

Motivation Current Techniques Error What we want Computational Time

Outline Background on expectation propagation (EP) Extending EP on Bayesian networks for dynamic systems Poisson tracking Signal detection for wireless communications Tree-structured EP on loopy graphs Conclusions and future work

Outline Background on expectation propagation (EP) Extending EP on Bayesian networks for dynamic systems Poisson tracking Signal detection for wireless communications Tree-structured EP on loopy graphs Conclusions and future work

Graphical Models Directed ( Bayesian networks) Undirected ( Markov networks) x1 x2 y1 y2 x1 x2 y1 y2

Inference on Graphical Models Bayesian inference techniques: Belief propagation (BP): Kalman filtering /smoothing, forward-backward algorithm Monte Carlo: Particle filter/smoothers, MCMC Loopy BP: typically efficient, but not accurate on general loopy graphs Monte Carlo: accurate, but often not efficient

Expectation Propagation in a Nutshell Approximate a probability distribution by simpler parametric terms: For directed graphs: For undirected graphs: Each approximation term lives in an exponential family (e.g. Gaussian)

EP in a Nutshell The approximate term minimizes the following KL divergence by moment matching: Where the leave-one-out approximation is

Limitations of Plain EP Can be difficult or expensive to analytically compute the needed moments in order to minimize the desired KL divergence. Can be expensive to compute and maintain a valid approximation distribution q(x), which is coherent under marginalization. Tree-structured q(x):

Three Extensions 1. Instead of choosing the approximate term to minimize the following KL divergence: use other criteria. 2. Use numerical approximation to compute moments: Quadrature or Monte Carlo. 3. Allow the tree-structured q(x) to be non-coherent during the iterations. It only needs to be coherent in the end.

Efficiency vs. Accuracy Loopy BP (Factorized EP) Error Extended EP ? Monte Carlo Computational Time

Outline Background on expectation propagation (EP) Extending EP on Bayesian networks for dynamic systems Poisson tracking Signal detection for wireless communications Tree-structured EP on loopy graphs Conclusions and future work

Object Tracking Guess the position of an object given noisy observations Object

Bayesian Network x1 x2 xT y1 y2 yT e.g. (random walk) want distribution of x’s given y’s

Approximation Factorized and Gaussian in x

Message Interpretation = (forward msg)(observation msg)(backward msg) Forward Message Backward Message xt Observation Message yt

EP on Dynamic Systems Filtering: t = 1, …, T Smoothing: t = T, …, 1 Incorporate forward message Initialize observation message Smoothing: t = T, …, 1 Incorporate the backward message Compute the leave-one-out approximation by dividing out the old observation messages Re-approximate the new observation messages Re-filtering: t = 1, …, T Incorporate forward and observation messages

Extensions of EP Instead of matching moments, use any method for approximate filtering. Examples: statistical linearization, unscented Kalman filter (UKF), mixture of Kalman filters Turn any deterministic filtering method into a smoothing method! All methods can be interpreted as finding linear/Gaussian approximations to original terms. Use quadrature or Monte Carlo for term approximations

Example: Poisson Tracking is an integer valued Poisson variate with mean

Poisson Tracking Model

Extension of EP: Approximate Observation Message is not Gaussian Moments of x not analytic Two approaches: Gauss-Hermite quadrature for moments Statistical linearization instead of moment-matching (Turn unscented Kalman filters into a smoothing method) Both work well

Approximate vs. Exact Posterior p(xT|y1:T) xT

Extended EP vs. Monte Carlo: Accuracy Mean Variance

Accuracy/Efficiency Tradeoff

EP for Digital Wireless Communication Signal detection problem Transmitted signal st = vary to encode each symbol Complex representation: Im Re

Binary Symbols, Gaussian Noise Symbols are 1 and –1 (in complex plane) Received signal yt = Optimal detection is easy

Fading Channel Channel systematically changes amplitude and phase: changes over time

Benchmark: Differential Detection Classical technique Use previous observation to estimate state Binary symbols only

Bayesian network for Signal Detection x1 x2 xT y1 y2 yT s1 s2 sT

Extended-EP Joint Signal Detection and Channel Estimation Turn mixture of Kalman filters into a smoothing method Smoothing over the last observations Observations before act as prior for the current estimation

Computational Complexity Expectation propagation O(nLd2) Stochastic mixture of Kalman filters O(LMd2) Rao-blackwised particle smoothers O(LMNd2) n: Number of EP iterations (Typically, 4 or 5) d: Dimension of the parameter vector L: Smooth window length M: Number of samples in filtering (Often larger than 500) N: Number of samples in smoothing (Larger than 50) EP is about 5,000 times faster than Rao-blackwised particle smoothers.

Experimental Results (Chen, Wang, Liu 2000) Signal-Noise-Ratio Signal-Noise-Ratio EP outperforms particle smoothers in efficiency with comparable accuracy.

Bayesian Networks for Adaptive Decoding x1 x2 xT y1 y2 yT The information bits et are coded by a convolutional error-correcting encoder.

EP Outperforms Viterbi Decoding Signal-Noise-Ratio

Outline Background on expectation propagation (EP) Extending EP on Bayesian networks for dynamic systems Poisson tracking Signal detection for wireless communications Tree-structured EP on loopy graphs Conclusions and future work

Inference on Loopy Graphs X1 X2 X3 X4 X5 X6 X7 X8 X9 X10 X11 X12 X13 X14 X15 X16 Problem: estimate marginal distributions of the variables indexed by the nodes in a loopy graph, e.g., p(xi), i = 1, . . . , 16.

4-node Loopy Graph Joint distribution is product of pairwise potentials for all edges: Want to approximate by a simpler distribution

BP vs. TreeEP BP TreeEP

Junction Tree Representation p(x) q(x) Junction tree p(x) q(x) Junction tree

Two Kinds of Edges On-tree edges, e.g., (x1,x4): exactly incorporated into the junction tree Off-tree edges, e.g., (x1,x2): approximated by projecting them onto the tree structure

KL Minimization KL minimization moment matching Match single and pairwise marginals of Reduces to exact inference on single loops Use cutset conditioning and

Matching Marginals on Graph x5 x7 x1 x2 x1 x3 x1 x4 x3 x5 x3 x6 x5 x7 x1 x2 x1 x3 x1 x4 x3 x5 x3 x6 (1) Incorporate edge (x3 x4) x3 x4 x5 x7 x1 x2 x1 x3 x1 x4 x3 x5 x3 x6 x5 x7 x1 x2 x1 x3 x1 x4 x3 x5 x3 x6 (2) Incorporate edge (x6 x7) x6 x7

Drawbacks of Global Propagation Update all the cliques even when only incorporating one off-tree edge Computationally expensive Store each off-tree data message as a whole tree Require large memory size

Solution: Local Propagation Allow q(x) be non-coherent during the iterations. It only needs to be coherent in the end. Exploit the junction tree representation: only locally propagate information within the minimal loop (subtree) that is directly connected to the off-tree edge. Reduce computational complexity Save memory

(1) Incorporate edge(x3 x4) (2) Propagate evidence x5 x7 x1 x2 x1 x3 x1 x4 x3 x5 x3 x6 On this simple graph, local propagation runs roughly 2 times faster and uses 2 times less memory to store messages than plain EP x5 x7 x3 x5 x3 x6 x6 x7 (3) Incorporate edge (x6 x7)

New Interpretation of TreeEP Marry EP with Junction algorithm Can perform efficiently over hypertrees and hypernodes

4-node Graph TreeEP = the proposed method GBP = generalized belief propagation on triangles TreeVB = variational tree BP = loopy belief propagation = Factorized EP MF = mean-field

Fully-connected graphs Results are averaged over 10 graphs with randomly generated potentials TreeEP performs the same or better than all other methods in both accuracy and efficiency!

8x8 grids, 10 trials Method FLOPS Error Exact 30,000 TreeEP 300,000 TreeEP 300,000 0.149 BP/double-loop 15,500,000 0.358 GBP 17,500,000 0.003

TreeEP versus BP and GBP TreeEP is always more accurate than BP and is often faster TreeEP is much more efficient than GBP and more accurate on some problems TreeEP converges more often than BP and GBP

Outline Background on expectation propagation (EP) Extending EP on Bayesian networks for dynamic systems Poisson tracking Signal detection for wireless communications Tree-structured EP on loopy graphs Conclusions and future work

Conclusions Extend EP on graphical models: Instead of minimizing KL divergence, use other sensible criteria to generate messages. Effectively turn any deterministic filtering method into a smoothing method. Use quadrature to approximate messages. Local propagation to save the computation and memory in tree structured EP.

Conclusions State-of-art Techniques Error Extended EP Computational Time Extended EP algorithms outperform state-of-art inference methods on graphical models in the trade-off between accuracy and efficiency

Future Work More extensions of EP: More real-world applications How to choose a sensible approximation family (e.g. which tree structure) More flexible approximation: mixture of EP? Error bound? Bayesian conditional random fields More real-world applications

End Contact information: yuanqi@media.mit.edu