inference machines for nonparametric filter learning

8
Inference Machines for Nonparametric Filter Learning Arun Venkatraman 1 , Wen Sun 1 , Martial Hebert 1 , Byron Boots 2 , J. Andrew Bagnell 1 1 Robotics Institute, Carnegie Mellon University, Pittsburgh, PA 15213 2 School of Interactive Computing, Georgia Institute of Technology, Atlanta, GA 30332 {arunvenk,wensun,hebert,dbagnell}@cs.cmu.edu, [email protected] Abstract Data-driven approaches for learning dynamic mod- els for Bayesian filtering often try to maximize the data likelihood given parametric forms for the tran- sition and observation models. However, this ob- jective is usually nonconvex in the parametrization and can only be locally optimized. Furthermore, learning algorithms typically do not provide per- formance guarantees on the desired Bayesian fil- tering task. In this work, we propose using in- ference machines to directly optimize the filtering performance. Our procedure is capable of learning partially-observable systems when the state space is either unknown or known in advance. To ac- complish this, we adapt PREDICTIVE STATE I N- FERENCE MACHINES (PSIMS) by introducing the concept of hints, which incorporate prior knowl- edge of the state space to accompany the predictive state representation. This allows PSIM to be ap- plied to the larger class of filtering problems which require prediction of a specific parameter or partial component of state. Our PSIM+HINTS adaptation enjoys theoretical advantages similar to the original PSIM algorithm, and we showcase its performance on a variety of robotics filtering problems. 1 Introduction Bayesian filtering plays a vital role in applications ranging from robotic state estimation to visual tracking in images to real-time natural language processing. Filtering allows the system to reason about the current state given a sequence of observations. The traditional filtering setup utilizes a process and sensor model to progress the filter over time (Fig. 1a). The process (dynamics) model describes the transition of the system from state s t to state s t+1 by specifying P (s t+1 |s t ), and the sensor (observation) model generates a distribution over observations P (x t |s t ) given state. Using these models in conjunction with a new observation x t , the filter conditions on observations to compute the posterior P (s t |x t ). As a re- sult, the performance of the filter, its ability to estimate the state or predict future observations, is limited by the fidelity of dynamics and observation models [Aguirre et al., 2005]. LEARNER #1 s t = ˆ f (s t-1 ) s t-1 ˆ s t s t Bayesian Predict Bayesian Update LEARNER #2 x t g(s t ) x t Dynamics Model Observation Model (a) Traditional “Filter Learning” m t-1 x t m t LEARNER ˆ F (m t-1 ,x t ) (b) Filter Learning with Inference Machines Figure 1: (a) Traditional learning-based methods decouple the filter-learning problem to that of learning separate mod- els for the transition and observation functions that can be be later used for the inference procedure (Bayesian filtering). (b) Inference Machines optimize for inference performance by directly learning a filter function that predicts the next be- lief state m t given the previous belief state m t-1 and the cur- rent observation x t . Our discriminative approach combines the predict and update steps and allows us to utilize powerful learning algorithms to learn more accurate filters. In many domains, such as robotics, it becomes difficult to robustly characterize the dynamics and sensor (observation) physics a priori with simple analytic models. As a result, data driven approaches provide an important tool: they allow models of noisy, complicated dynamics to be learned directly from a robot’s interaction with its environment. Learned models can be used for filtering, e.g., the Kalman Filter for linear dynamics and observation models with additive Gaus- sian noise [Roweis and Ghahramani, 1999], the Unscented Kalman Filter for nonlinear models with Gaussian noise [Wan and Van Der Merwe, 2000], or particle filters for nonlinear models from other distributions [Thrun et al., 2005]. The benefits and limitations of each of these approaches is well- known. For example, although the particle filter is capable of representing complex distributions, it has trouble scaling with the dimensionality of the state space. Additionally, errors in the dynamics, sensor, and noise models can compound. The cascading of modeling errors during the predict and update steps can result in poor filtering performance.

Upload: others

Post on 07-Nov-2021

3 views

Category:

Documents


0 download

TRANSCRIPT

Page 1: Inference Machines for Nonparametric Filter Learning

Inference Machines for Nonparametric Filter Learning

Arun Venkatraman1, Wen Sun1, Martial Hebert1, Byron Boots2, J. Andrew Bagnell11Robotics Institute, Carnegie Mellon University, Pittsburgh, PA 15213

2School of Interactive Computing, Georgia Institute of Technology, Atlanta, GA 30332{arunvenk,wensun,hebert,dbagnell}@cs.cmu.edu, [email protected]

Abstract

Data-driven approaches for learning dynamic mod-els for Bayesian filtering often try to maximize thedata likelihood given parametric forms for the tran-sition and observation models. However, this ob-jective is usually nonconvex in the parametrizationand can only be locally optimized. Furthermore,learning algorithms typically do not provide per-formance guarantees on the desired Bayesian fil-tering task. In this work, we propose using in-ference machines to directly optimize the filteringperformance. Our procedure is capable of learningpartially-observable systems when the state spaceis either unknown or known in advance. To ac-complish this, we adapt PREDICTIVE STATE IN-FERENCE MACHINES (PSIMS) by introducing theconcept of hints, which incorporate prior knowl-edge of the state space to accompany the predictivestate representation. This allows PSIM to be ap-plied to the larger class of filtering problems whichrequire prediction of a specific parameter or partialcomponent of state. Our PSIM+HINTS adaptationenjoys theoretical advantages similar to the originalPSIM algorithm, and we showcase its performanceon a variety of robotics filtering problems.

1 IntroductionBayesian filtering plays a vital role in applications rangingfrom robotic state estimation to visual tracking in images toreal-time natural language processing. Filtering allows thesystem to reason about the current state given a sequence ofobservations. The traditional filtering setup utilizes a processand sensor model to progress the filter over time (Fig. 1a).The process (dynamics) model describes the transition of thesystem from state st to state st+1 by specifying P (st+1|st),and the sensor (observation) model generates a distributionover observations P (xt|st) given state. Using these modelsin conjunction with a new observation xt, the filter conditionson observations to compute the posterior P (st|xt). As a re-sult, the performance of the filter, its ability to estimate thestate or predict future observations, is limited by the fidelityof dynamics and observation models [Aguirre et al., 2005].

LEARNER #1st = f(st�1)

st�1 stst

Bayesian Predict

BayesianUpdateLEARNER #2

xt = g(st)

xtDynamics Model Observation

Model

(a) Traditional “Filter Learning”

mt�1

xt

mtLEARNERF (mt�1, xt)

(b) Filter Learning with Inference Machines

Figure 1: (a) Traditional learning-based methods decouplethe filter-learning problem to that of learning separate mod-els for the transition and observation functions that can bebe later used for the inference procedure (Bayesian filtering).(b) Inference Machines optimize for inference performanceby directly learning a filter function that predicts the next be-lief state mt given the previous belief state mt−1 and the cur-rent observation xt. Our discriminative approach combinesthe predict and update steps and allows us to utilize powerfullearning algorithms to learn more accurate filters.

In many domains, such as robotics, it becomes difficult torobustly characterize the dynamics and sensor (observation)physics a priori with simple analytic models. As a result,data driven approaches provide an important tool: they allowmodels of noisy, complicated dynamics to be learned directlyfrom a robot’s interaction with its environment. Learnedmodels can be used for filtering, e.g., the Kalman Filter forlinear dynamics and observation models with additive Gaus-sian noise [Roweis and Ghahramani, 1999], the UnscentedKalman Filter for nonlinear models with Gaussian noise [Wanand Van Der Merwe, 2000], or particle filters for nonlinearmodels from other distributions [Thrun et al., 2005]. Thebenefits and limitations of each of these approaches is well-known. For example, although the particle filter is capable ofrepresenting complex distributions, it has trouble scaling withthe dimensionality of the state space. Additionally, errors inthe dynamics, sensor, and noise models can compound. Thecascading of modeling errors during the predict and updatesteps can result in poor filtering performance.

Page 2: Inference Machines for Nonparametric Filter Learning

0 20 40 60 80 100 120 140

Timestep

−0.006

−0.004

−0.002

0.000

0.002

0.004

0.006

0.008

IMU

Angula

r V

elo

citi

es

(rad/s

) IMU Angular Velocities

(a) Quadrotor Hovering

0 100 200 300 400 500 600

Timestep

−15

−10

−5

0

5

10

Join

t Torq

ues

(N¢m

)

Torques

(b) Kinova Mico Grasping

Figure 2: Many real-world systems rely on the ability to utilize observations from noisy sensors in order to update a belief oversome component of state. For example, the attitude of a quadrotor from linear accelerations and angular velocities (left) or themass of a grasped object from the robot’s joint positions and applied torques (right).

Likelihood maximization is the natural optimization tar-get for the filtering problem: we wish to determine the mostlikely sequence of states from a sequence of observations,often on the graphical model structure of a Hidden MarkovModel (Fig. 4). Traditional Maximum Likelihood methodsattempt to maximize the likelihood of the observations withrespect to a specific parametrization describing the graphicalmodel. However, optimizing for the dynamics’ model param-eters is generally a nonconvex objective due to the cascadingstructure of time series problems [Abbeel and Ng, 2005]. Inthis work, we introduce an approach that jointly couples boththe process and sensor models by directly optimizing for afilter function that predicts the next belief (Fig. 1b).

We learn the filter function by leveraging ideas from infer-ence machines [Langford et al., 2009; Bagnell et al., 2010;Ross et al., 2011b]. An inference machine is a supervisedlearning approach developed for learning message passingprocedures in probabilistic graphical models. Instead of sep-arating the inference problem (e.g. filtering) from the modellearning, inference machines directly reduce the problem oflearning graphical models to solving a set of supervised learn-ing problems. We specialize inference machines for two set-tings: the supervised-state setting and the latent-state setting.

In the supervised-state setting, we wish to learn a filtermodel for a system with a known state representation forwhich we are able to obtain ground truth at training time. Forexample, filtering for a simple pendulum (mass on string) dy-namical system in this formulation may use a sufficient-staterepresentation of the angle and velocity (θ, θ) with observa-tions of the pendulum’s Cartesian x position. Note that at testtime, we do not assume access to the state values and insteadinfer them by filtering on observations.

The supervised-state setting contrasts with the latent-statesetting in that the sufficient underlying state representation isat least partially unobserved at training time. In the pendu-lum example, if the system state is parametrized by only θ,then the representation would be insufficient to predict futurestates and observations. This partial-parametrization may bea result of any inability to collect training data of the full stateat training time or we may not know the full representationof the underlying state. To address this setting, we extendPREDICTIVE STATE INFERENCE MACHINES (PSIMS) [Sunet al., 2015] to exploit any partial-parametrization or side-

information of state, which we denote as “Hints” about thestate.

Concretely, the original PSIMS address prediction over thespace of future observations. Many real world applications,however, require the estimation or prediction of useful physi-cal quantities, which traditional filtering algorithms are capa-ble of but PSIMS were not. Our extension, PSIM+HINTS,adds this vital capability, allowing PSIMS to be used in awide range of filtering application domains including neuralsignal decoding for prosthetic control, visual tracking where abounding-box must be predicted, and robot localization. Theestimated physical quantities in each domain are the Hints weaim to predict in our framework.

In contrast with the learning literature for system identi-fication, which focuses on learning state representations andcorresponding transition and observation models, this workfocuses on the filtering or inference task where the observer ismaintaining a belief about the current state of the system. Wepresent PREDICTIVE STATE INFERENCE MACHINES WITHHINTS (PSIMS+HINTS) to directly target the inference taskof filtering on latent-state space models. As a special case ofPSIM+HINTS, we develop the INFERENCE MACHINE FIL-TER (IMF) for the supervised-state graphical model. Bothprocedures learn a filter function that uses the current beliefstate and latest observation to predict the next belief state.The algorithms that we present for learning these inferencemachines are easy to implement, data-efficient, make no as-sumptions on the differentiability of the underlying learners,and give theoretical guarantees on the inference task.

2 Inference Machines for Latent-State Models

First, we consider the latent-state setting and introduce PRE-DICTIVE STATE INFERENCE MACHINES (PSIMS). We thendescribe and analyze our novel addition to this underlyingframework, which we call PREDICTIVE STATE INFERENCEMACHINE WITH HINTS (PSIM+HINTS). This allows us toconsider a partially-observed state setting and use inferencemachines for filtering. We then show that PSIM+HINTS canbe easily adapted to learn INFERENCE MACHINE FILTERS(IMFS) for the supervised-state setting in Section 3.

Page 3: Inference Machines for Nonparametric Filter Learning

2.1 PREDICTIVE STATE INFERENCE MACHINESThe inference machine approach of [Ross et al., 2011b] can-not be applied to learning latent-sate space models since wedo not have access to the hidden states’ information at train-ing time (versus the supervised-state setting). This difficultycan be overcome by leveraging ideas from Predictive StateRepresentations (PSRs) [Littman et al., 2001; Singh et al.,2004; Boots et al., 2011; Hefny et al., 2015]. In contrast to la-tent variable representations like HMMs [Siddiqi et al., 2010;Hsu et al., 2012; Song et al., 2010] or linear state space mod-els [Van Overschee and De Moor, 2012], which represent thebelief state as a distribution over the latent-state space of themodel, PSRs instead maintain an equivalent belief over suffi-cient features of future observations. Specifically, we assumethat there exists a bijective function such that:

mt = P (st|pt)⇔ P (ft|pt), (1)

where ft = [xt+kf , . . . , xt+1] is the sequence of future ob-servations and pt = [xt, . . . , x0] is the full history of pastobservations. We further assume that there exists a bijec-tive mapping from P (ft|pt) to the conditional expectationE [φ(ft)|pt] for feature function φ. For example under aGaussian distribution E [φ(ft)|pt] = E

[f, ffT |pt

], the suf-

ficient statistics for the distribution.With this representation, the PREDICTIVE STATE INFER-

ENCE MACHINE (PSIM) [Sun et al., 2015] uses the pre-dictive state for supervised training in the inference machineframework. More formally, the goal is to learn an operator Fthat can deterministically pass the predictive states forward intime conditioned on the latest observation,

E [φ(ft+1)|pt+1] = F(E [φ(ft)|pt] , xt

), (2)

such that the likelihood of the observations {ft}t generatedfrom the sequence of predictive states {E[φ(ft)|pt]}t is max-imized. As this is is a sequential prediction problem over thepredictive states, DAgger [Ross et al., 2011a] is used to opti-mize the inference machine. The choice of learner for F canbe any no-regret regression or classification algorithm.

2.2 PREDICTIVE STATE INFERENCE MACHINEWITH HINTS

In this section, we extend PSIMS to models with partiallyobservable states or side-information (Fig. 3a). This structureshows up in many practical problems. The “Hints” h maybe a bounding-box in visual tracking, the decoded commandfrom a brain-computer interface, or the pose of a robot. Inthis semi-supervised setup, the hints h and observations x areat training time though the true sufficient-state s is either un-known or unobserved. Although PSIM is well defined on asimple chain-structured model (e.g. Fig. 4), it is not straight-forward to extend PSIM to a model with the complicated la-tent structure in Fig. 3a.

To handle this type of graph structure, we collapse the hintsh and the latent states s into a single unit-configuration asshown in the abstracted factor graph, Fig. 3b, and only fo-cus on the net message passed into the configuration and thenet message passed out from the configuration. Ideally, wewould like to design an inference machine that mimics thisnet message passing procedure.

. . .s0 . . .s1 s2 st

xtx0 x1 x2

h0 h1 h2 . . . ht . . .

(a) “Hints” Model

st

xt

ht

mt

P (st, ht|st�1, ht�1)

mt�1

(b) Message passing in the “Hints” Model

Figure 3: (a): Adding hints, ht, allow us to extend the HMMmodel with partially observed states (labels). The true latent-states st of an unknown representation generate observationsxt and labels ht of which both are observed at training timebut only the former at inference time. The state st and hintht together generate the next label ht+1. (b): If we do notneed the messages passed between the states and hints, wecan abstract them away and consider the net message outputby the hint and state before the process model, drawn as theblack square factor, but after the observation update.

In Fig. 3b, mt represents the joint belief of ht and st,

mt = P (ht, st|pt). (3)

Directly tracking these messages is difficult due to the exis-tence of latent state st. Following the approach of PSRs andPSIMS, we use observable quantities to represent the beliefof ht and st. Since the latent state st affects the future ob-servations starting from xt, and also the future partial statesstarting from ht, we use sufficient features of the joint distri-bution of future observations and hints to encode the infor-mation of st in message mt−1. Similar to PSIM, we assumethat there exists an underlying mapping between the follow-ing two representations:

P (ht, st|pt)⇔ P (ht, xt+1:t+kf |pt). (4)

Assuming that φ computes the sufficient features (e.g., firstand second moments), we can represent P (ht, xt+1:t+kf |pt)by the following conditional expectation:

E[φ(ht, xt+1:t+kf )|pt

]. (5)

When φ is rich enough, E[φ(ht, xt+1:t+kf )|pt

]is equiva-

lent to the distribution P (ht, xt+1:t+kf |pt). For example, ifφ is a kernel mapping, E

[φ(ht, xt+1:t+kf )|pt

]essentially be-

comes the kernel embedding of P (ht, xt+1:t+kf |pt). We callE[φ(ht, xt+1:t+kf )|pt

]as the predictive state. For notational

simplicity, define mt = E[φ(ht, xt+1:t+kf )|pt

].

Page 4: Inference Machines for Nonparametric Filter Learning

Algorithm 1 PSIM+HINTS with DAgger Training

1: Input: M independent trajectories τi, 1 ≤ i ≤M ;2: Initialize D ← D0 ← ∅3: Initialize F0 to be any hypothesis in F ;4: Initialize m1 = 1

M

∑Mi=1 φ(h

it, f

i1 = xi1:k)

5: for n = 0 to N do6: Roll out Fn to perform belief propagation on trajectory

τi, 1 ≤ i ≤M7: Create dataset Dn: ∀τi, add predicted message with

observation zit = (mi,Fn

t , xit) encountered by Fn toDn as feature variables (inputs) and the correspondingφ(hit+1, f

it+1) to Dn as the learning targets ;

8: DAgger Step: aggregate dataset, D = D ∪Dn;9: Train a new hypothesis Fn+1 on Dn to minimize the

loss d(F (m,x), φ(h, f));10: end for11: Return: Best hypothesis F ∈ {Fi}Ni=0 on validation tra-

jectories.

We are then capable of training an inference machine thatmimics the following predictive state flow:

mt = F (mt−1, xt), (6)

which takes the previous predictive state mt−1 and currentobservation xt and outputs the next predictive state mt.

Define τ ∼ D as a trajectory {x1, h1, ..., xT , ht} of ob-servations and hints sampled from an unknown distributionD. Given a function F ∈ F , let us define mτ,F

t as the cor-responding predictive state generated by F when rolling outusing the observations in τ described by Eq. 6.

Similar to PSIM, we aim to find a good hypothesis F fromhypothesis class F , that can approximate the true messageswell. Hence, we define the following objective function:

minF∈F

1

TEτ∼D

[T∑t=1

d(F (mt−1, xt), (h

τt , x

τt+1:t+kf

))],

s.t., mt = F (mt−1, xt),∀t, (7)

where d is the loss function that measures how good the pre-dictive states are (e.g., the likelihood of (hτt , x

τt+1:t+kf

) beinggenerated from mτ

t or the squared loss).The optimization objective presented in Eq. 7 is generally

nonconvex in F due to the objective involving sequential pre-diction terms where the output of F from time-step t − 1is used as the input in the loss for the next timestep t. Of-ten, a simpler surrogate objective function is considered thatonly optimizes over single-step predictions. However, opti-mizing the one-step error alone can resulting in cascading er-rors of O(exp(T )) [Venkatraman et al., 2015]. As optimiz-ing Eq. 7 directly is impractical, we utilize Dataset Aggre-gation (DAgger) [Ross et al., 2011a] to find a filter function(model) F with bounded error. The training procedure forPSIM+HINTS is detailed in Algorithm 1. By rolling out thelearned filter and collecting new training points (lines 6, 7),subsequent models are trained (line 9) to be robust to the in-duced message distribution caused by sequential prediction.

Specifically, let us define zτt = (hτt , xτt+1:t+kf

) for anytrajectory τ at time step t and define dF as the joint distri-bution of (mτ,F

t−1, xτt , z

τt ),∀t when rolling out F on trajectory

τ sampled from D. Then our objective function can be rep-resented alternatively as E(m,x,z)∼dF d(F (m,x), z). Alg. 1guarantees to output a hypothesis F such that:

Eτ∼D1

T

T∑t=1

d(F (mτ,F

t−1, xτt ), z

τt

)≤ ε, (8)

where

ε = minF∈F

1

N

N∑n=1

E(m,x,z)∼dFnd(F (m,x), z), (9)

which is the minimum batch minimization error from theentire aggregated dataset in hindsight after N iterations ofAlg. 1. This result follows by a reduction to DAgger opti-mization [Ross et al., 2011a] (similar to that in [Venkatramanet al., 2015; Sun et al., 2015]). Note that this bound appliesto Eq. 7 for the F found by Alg. 1. Despite the learner’s lossε in Eq. 9 being over the aggregated dataset, it can be drivenlow (e.g. with a powerful learner), making the bound usefulin practice. For long-horizons, the possible exponential roll-out error from optimizing only the one-step error dominatesthe error over the aggregated dataset.

We conclude with a few final notes. First, even thoughF0 would ideally be initialized (line 3) by optimizing for thetransition between the true messages, in practice F0 is of-ten initialized from the empirical estimates. Second, thoughthe sufficient-feature assumption is common in the PSR lit-erature [Hefny et al., 2015], an approximate feature trans-form φ balances computational complexity with predictionaccuracy: simple feature design (e.g., first moment) makesfor faster training of F while Hilbert Space embeddings areharder to optimize but may improve accuracy [Boots, 2012;Boots et al., 2013]. Additionally, the bound in Eqns. 8, 9holds for the approximate message statistics. Finally, thoughthe learning procedure is shown in a follow-the-leader fash-ion on the batch data (line 9), we can use any online no-regretlearning algorithm (e.g. OGD [Zinkevich, 2003]), alleviatingcomputational and memory concerns.

Hint Pre-image ComputationSince the ultimate goal is to predict the hint, we need an ex-tra step to extract the information of ht from the computedpredictive state mt, which is an approximation of the trueconditional distribution P (ht, xt+1:t+kf |pt). Exactly com-puting the MLE or mean of ht from mt might be difficult(e.g., sampling points from a Hilbert space embedding is nottrivial [Chen et al., 2012]). Instead, we formulate the step ofextracting ht from mt as an additional regression step:

ming∈G

Eτ∼D1

T

T∑t=1

‖g(mτt )− hτt ‖22 (10)

To find g, we roll out F on each trajectory from the trainingdata and collect all the pairs of mτ

t , hτt . Then we can use any

powerful learning algorithm to learn this pre-image mapping

Page 5: Inference Machines for Nonparametric Filter Learning

. . .s0 . . .s1 s2 st

xtx0 x1 x2

m0 m1 m2 mt

Figure 4: Message Passing on a Hidden Markov Model(HMM). The state of the system st generates an observationxt. In the supervised-state setting, the sufficient-states s andobservations x are given at training time though only obser-vations are seen at test time. In the latent-state problem set-ting, we additionally do not have access to the sufficient stateat training time – it may be unobserved or have an unknownrepresentation.

g (e.g., random forests, kernel regression). Note that this isa standard supervised learning problem and not a sequentialprediction problem — the output from g is not used for futurepredictions using g or the filter function F .

3 The INFERENCE MACHINE FILTER forSupervised-State Models

In contrast to filter learning in the latent-state problem,the supervised-state setting affords us access to both thesufficient-state s and observations x during training time.We specifically look at learning a filter function on Hid-den Markov Models (HMMs) as shown in Fig. 4. Thisproblem setting similar to those considered in the learning-based system identification literature (e.g. [Ko and Fox, 2009;Nishiyama et al., 2016]). However, these previous methodsuse supervised learning to learn independent dynamics andobservation models and then use these learned models for in-ference. This approach may result in unstable dynamics mod-els and poor performance when used for filtering and cascad-ing prediction. Instead, we directly optimize filtering perfor-mance by adapting PSIM+HINTS to learn message passingin this supervised setting. We term this simpler algorithm asthe INFERENCE MACHINE FILTER (IMF).

Referencing Algorithm 1, the IMF simply sets the hintsht in PSIM+HINTS to be the observed states st and setsthe number of future observations kf = 0; in other words,st is assumed to be a sufficient-state representation. TheIMF learns a deterministic filter function F that combinesthe predict-and-update steps of a Bayesian filter to recursivelycompute:

P (st|pt)⇔ E [φ(st)|pt] = mt = F (mt−1, xt) (11)

The INFERENCE MACHINE FILTER (IMF) can be viewed asa specialization of both the theory and application of infer-ence machines to the domain of time-series hidden Markovmodels. Our guarantee in Eq. 8 shows that the prediction er-ror on the messages optimized by DAgger is bounded linearlyin the filtering problem’s time horizon. Additionally, the suf-ficient feature representation of PSIM+HINTS allows IMFSto represent distributions over continuous variables, com-pared to the discrete tabular setting of [Ross et al., 2011b].

The IMF approach differs from [Langford et al., 2009] inseveral important ways. Langford et al. learn four operators:

one to map the first observation to initial state, one for thebelief update with an observation, one for state-to-state tran-sition, and one for state to observation. This results in a morecomplex learning procedure as well as a special initializationprocedure at test time for the filter. Our algorithm only learnsa single filter function instead of four. It also operates like atraditional filter; it is initialized from a prior over belief stateinstead of mapping from the first observation to the first state.Finally, Alg. 1 does not assume differentiability of the learn-ing procedure as required for the backpropagation-through-time learning used in [Langford et al., 2009].

4 ExperimentsWe focus on robotics-inspired filtering experiments. In thesupervised-state representation, we are given the state (e.g.robot’s pose) and observations (e.g. IMU readings) at train-ing time. In the latent-state setting, we only gain access to theobservations and instead of observing the full state at train-ing time, we see only a hint (e.g. only the x-position of thepose). In both scenarios, the hint or state could be collectedby instrumenting the system at training time (e.g. having therobot in a motion capture arena), which we then do not haveaccess to at test time (e.g. robot moves in an outdoor area).The latent-state setting with hints is additionally relevant indomains where it is difficult to observe the full state but easyto observe quantities that are heavily correlated with it.

4.1 BaselinesWe compare our approach against both learning-based algo-rithms as well as physics based, hand-tuned filters when rel-evant. For the first baseline, we compare against a learnedlinear Kalman filter (Linear KF). Here, the hints h are thestatesX for the Kalman filter and Y are the observations. Welearn the Kalman filter using the MAP estimate:

A = argminA ‖AXt −Xt+1‖22 + β1 ‖A‖2FC = argminC ‖CXt − Yt‖22 + β2 ‖C‖2FQ = cov(AXt −Xt+0), R = cov(CXt − Yt)

We select the regularization (Gaussian prior) terms β1, β2 bycross-validation.

We also compare against a model that uses a fixed-sizedhistory kp of observations to predict the hint at the next timestep. We find this model by optimizing the objective,

AR = argminAR

∑T−1t=kp

∥∥AR([yt−kp , . . . , yt])− ht∥∥22,

where ht is the hint we wish to predict at timestep t,yt−kp , . . . , yt are past observations, and AR is the learnedfunction. This baseline is similar to Autoregressive (AR)Models [Wei, 1994]. It is important to note that using a pastsequence of observations is different than tracking a beliefover the future observations (the predictive state) as PSIMdoes. The AR model does not marginalize over the wholehistory as a Bayesian filter would. In our experiments, we setthe history (past) length kp = 5. Choosing higher kp reducesthe comparability of the results as the AR model has to waitkp timesteps before giving a prediction while the other filter

Page 6: Inference Machines for Nonparametric Filter Learning

AlgorithmObservation Full State Est. Partial State Est.Length s = h ≡ (θ, θ) s = h ≡ (θ)

Physics UKF – 1.22± 1.2 N/AAR kp = 5 2.96± 1.5 1.60± 1.5

Linear KF – 4.67± 0.98 1.81± 1.6

IMF – 0.577± 0.33 1.43± 1.3

PSIM+HINTS

{ kf = 5 0.554± 0.33 1.27± 1.0

kf = 10 0.549± 0.32 0.888± 0.78

kf = 20 0.544± 0.31 0.758± 0.68

Table 1: Mean L2 Error±1σ for Pendulum Full State (θ, θ) and Partial State (θ) Estimation from observations of the Cartesian xposition of the pendulum. Notice that when the full-state is given, the performance of PSIM and IMF are similar; increasing kffor PSIM+HINTS does not significantly improve its performance. However, when the hint defines only a partial representation(s = h ≡ θ), we achieve significantly better results using PSIM+HINTS.

algorithms predict from the first timestep. To get good perfor-mance, we chose the AR model to be Random Fourier Fea-tures (RFF) regression [Rahimi and Recht, 2007] with hyper-parameters tuned via cross-validation.

Finally, on several of the applicable dynamics benchmarksbelow, we also compare against a hand-tuned filter for theproblem. The overall error is reported as the mean L2 normerror 1

T

∑Tt=1‖ht − ht‖2.

4.2 Dynamical SystemsWe describe the experimental setup below for each of thedynamical system benchmarks we use. A simulated pendu-lum is used to show that the inference machine is compet-itive with, and even outperforms, a physics-knowledgeablebaseline on a sufficient-state representation. This simulateddataset additionally illustrates the power of using predictivestate when we only access a partial-state to use as a hint. Tworeal-world datasets show the applicability of our algorithmson robotic tasks. The numerical results are computed acrossa k-fold validation (k = 10) over the trajectories in eachdataset. We use linear regression or Random Fourier Feature(RFF) regression to learn the message passing function F forPSIM+HINTS and IMF and report the better performing re-sult. Random forests [Breiman, 2001] or RFF regression areused to learn the pre-image map g, chosen by cross-validationover that k-fold’s training trajectories.

Pendulum State EstimationIn this problem, the goal is to estimate the sufficient statest = ht = (θ, θ)t from observations xt of the Cartesian coor-dinate of the mass at the end of pendulum. For PSIM+HINTSand IMF we use a message that approximates the first twomoments. This is accomplished by stacking the state withits element-wise squared value, with the latter approximat-ing the covariance by its diagonal elements. IMF does thisfor only the state while PSIM+HINTS does this for the hint(state) and the future observations. Since we know the dy-namics and observation models explicitly for this dynami-cal system, we also compare against a baseline that can ex-ploit this domain knowledge, the Unscented Kalman Filter

Algorithm Mean L2 Error ±1σComplementary Filter 0.0167± 0.011

AR (kp = 5) 0.0884± 0.063

Linear KF 0.0853± 0.066

IMF 0.037± 0.0305

PSIM+HINTS (kf = 5) 0.0136± 0.017

Table 2: Quadrotor Attitude Estimation Performance

(Physics UKF) [Wan and Van Der Merwe, 2000]. The pro-cess and sensor models given to the UKF were the exact func-tions used to generate the training and test trajectories.

Pendulum Partial State Estimation

To illustrate the utility of tracking a predictive state, considerthe same simulated pendulum where we take the partial state,θt as the hint ht for PSIM+HINTS and use as the (insufficent)state st for the IMF. We use the first and approximate secondmoment features to generate the messages. On this bench-mark, we do not compare against a UKF physics-model sincethe partial state is not sufficient to define a full process modelof the system’s evolution.

Quadrotor Attitude Estimation

In this real-world state-estimation problem, we look to es-timate the attitude of a quadrotor in hover under externalwind disturbance. The quadrotor runs a hover controller ina Vicon capture environment, shown in Fig. 2a. We use theVicon’s output as the ground truth for the roll and pitch ofthe quadrotor and use the angular velocities and accelerationmeasurements from an on-board IMU as the observations. Asan application specific baseline, we compare against a Com-plementary Filter [Hamel and Mahony, 2006] hand-tuned bydomain experts. We use only first moment features for themessages in PSIM+HINTS and first and approximate secondmoment features for IMF messages.

Page 7: Inference Machines for Nonparametric Filter Learning

0 50 100 150 200

7LPHstHS

0

1

2

3

4

5

6

7

8

90

Han

L2

(UU

RU

3HnduluP 6tatH (θ, θ) (stLPatLRn

36I0++Lnts

I0)

A5

LLnHaU K)

3KysLFs 8K)

(a) Pendulum Full State

0 50 100 150 200

Timestep

0

1

2

3

4

5

6

7

8

9

Mean L

2 E

rror

Pendulum Partial State (µ) Estimation

(b) Pendulum Partial State

0 20 40 60 80 100 120

Timestep

0.00

0.02

0.04

0.06

0.08

0.10

0.12

0.14

0.16

0.18

Mean L

2 E

rror

Quadroter Attitude Estimation

(c) Quadrotor Attitude Estimation

0 100 200 300 400 500 600

Timestep

0

20

40

60

80

100

120

Mean L

2 E

rror

(gra

ms)

Error:8.63gError:15.8g

Error:80.8g

Robot Held Mass Estimation

(d) Robot Held Mass Estimation

Figure 5: Mean L2 Error ± 1 Standard Error versus filtering time. The AR model in each was set with kp = 5. See resultstables for kf parameter values for PSIM+HINTS.

Algorithm Mean L2 Error ±1σAR (kp = 5) 42.82± 19.62

Linear KF 89.13± 52.22

PSIM+HINTS (kf = 40) 32.77± 14.09

Table 3: Performance on mass estimation task

Mass Estimation from Robot ManipulatorThis dataset tests the filter performance at a parameter estima-tion task where the goal is to estimate the mass carried by therobot manipulator shown in Fig. 2b. Each trajectory has therobot arm lift an object with mass 45g-355g. The robot startsmoving at approximately the halfway point of the recordedtrajectories. We use as observations the joint angles and jointmotor torques of the manipulator. Only first moment featuresare used for the messages for PSIM+HINTS. With this exper-iment, we show that that filtering helps reduce error comparedto using simply a sequence of past observations (AR baseline)even on a problem of estimating a parameter held static pertest trajectory.

5 Discussion & ConclusionIn all of the experiments, IMF and PSIM+HINTS outper-form the baselines. Table 1 (left column) shows that theIMF and PSIM+HINTS both outperform the baseline Un-scented Kalman Filter which uses knowledge of the underly-ing physics and noise models. We do not compare against alearned-model UKF, such as the Gaussian Process-UKF [Koand Fox, 2009], because any learned dynamics and observa-tion models would be less accurate than the exact ones inour Physics UKF baseline. For fair comparison, the UKF,Linear KF, IMF, and PSIM+HINTS all start with empiri-cal estimates of the initial belief state (note the similar er-ror at the beginning of Fig. 5a). We believe that the IMF andPSIM+HINTS outperforms the Physics UKF for two reasons:(1) Inference machines do not make Gaussian assumptionson the belief updates as the UKF does, (2) The large variancefor the UKF (Table 1) shows that it performs well on sometrajectories. We qualitatively observed this variance is heav-

ily correlated with the difference between the UKFs initialbelief-state evolution and the true states. Our proposed in-ference machine filter methods instead directly optimize thefilter’s performance over all of the time-horizon are are thusmore robust to the initialization of the filter .

The simulated pendulum example also demonstrates theusefulness of predictive representations. When a sufficientstate is used (i.e. (θ, θ) for the pendulum) for the filter’sbelief, similar performance is achieved using either IMF orPSIM+HINTS. Table 1’s right column (or Fig. 5b) shows thatwhen a partial-state representation is used instead (i.e. (θ)),PSIM+HINTS vastly outperforms IMF. Specifically, we re-quire a larger predictive state representation (larger kf ) overthe observation space in order to better capture the evolutionof the system. This ablation-style experiment demonstratesthe ability of PSIM+HINTS to produce more accurate filters.

Finally, our real-world dataset experiments provide addi-tional experimental validation of inference machines for fil-tering. Both the IMF and PSIM+HINTS outperform base-lines in Table 2. In Fig. 5d, PSIM+HINTS is on average 50%more accurate at the end of the trajectory than the AR base-line; the average error over the whole trajectory is given inTable 3. For this problem, the largest information gain iswhen the robot starts moving halfway along the trajectory.We see less performance gain from using a filter compared tothe AR baseline in this problem as the hint (mass) does notchange over time as the state does in pendulum or quadro-tor problems. The the error versus time plots in Fig. 5 showthe relative stability of the inference machine filters even overlarge time horizons.

In this work, we presented a novel class of inference ma-chines, PSIM+HINTS, which can leverage powerful discrim-inative supervised learning algorithms to directly approxi-mate belief propagation for filtering on time-series and dy-namical systems. The proposed algorithms show promisein many robotic applications where ground-truth informationabout state is available during training, for example by over-instrumenting to get the hints or state values during prototyp-ing or calibration. We empirically validated our approacheson several simulated and real world tasks, illustrating the ad-vantage of PSIMS+HINTS and IMFS over previous methods.

Page 8: Inference Machines for Nonparametric Filter Learning

AcknowledgmentsThis material is based upon work supported by: NSF Gradu-ate Research Fellowship Grant No. DGE1252522, NSF CRIIAward No. 1464219, NSF NRI Purpose Prediction AwardNo. 1227234, and DARPA ALIAS contract number HR0011-15-C-0027. Any opinions, findings, and conclusions or rec-ommendations expressed in this material are those of the au-thor(s) and do not necessarily reflect the views of the NationalScience Foundation. The authors thank Shervin Javdani &John Yao for assistance in collecting robot data.

References[Abbeel and Ng, 2005] Pieter Abbeel and Andrew Y Ng.

Learning first-order markov models for control. In NIPS,pages 1–8, 2005.

[Aguirre et al., 2005] Luis Antonio Aguirre, Bruno Otavio STeixeira, and Leonardo Antonio B Torres. Using data-driven discrete-time models and the unscented kalman fil-ter to estimate unobserved variables of nonlinear systems.Physical Review E, 72(2):026226, 2005.

[Bagnell et al., 2010] J Andrew Bagnell, Alex Grubb, DanielMunoz, and Stephane Ross. Learning deep inference ma-chines. The Learning Workshop, 2010.

[Boots et al., 2011] Byron Boots, Sajid M Siddiqi, and Ge-offrey J Gordon. Closing the learning-planning loop withpredictive state representations. IJRR, 30(7):954–966,2011.

[Boots et al., 2013] Byron Boots, Arthur Gretton, and Geof-frey J. Gordon. Hilbert space embeddings of predictivestate representations. In UAI-2013, 2013.

[Boots, 2012] Byron Boots. Spectral Approaches to Learn-ing Predictive Representations. PhD thesis, Carnegie Mel-lon University, December 2012.

[Breiman, 2001] Leo Breiman. Random forests. Machinelearning, 45(1):5–32, 2001.

[Chen et al., 2012] Yutian Chen, Max Welling, and AlexSmola. Super-samples from kernel herding. arXiv preprintarXiv:1203.3472, 2012.

[Hamel and Mahony, 2006] Tarek Hamel and Robert Ma-hony. Attitude estimation on SO(3) based on direct inertialmeasurements. In ICRA, pages 2170–2175. IEEE, 2006.

[Hefny et al., 2015] Ahmed Hefny, Carlton Downey, andGeoffrey J Gordon. Supervised learning for dynamicalsystem learning. In NIPS, 2015.

[Hsu et al., 2012] Daniel Hsu, Sham M Kakade, and TongZhang. A spectral algorithm for learning hidden markovmodels. Journal of Computer and System Sciences,78(5):1460–1480, 2012.

[Ko and Fox, 2009] Jonathan Ko and Dieter Fox. Gp-bayesfilters: Bayesian filtering using gaussian process pre-diction and observation models. Autonomous Robots,27(1):75–90, 2009.

[Langford et al., 2009] John Langford, Ruslan Salakhutdi-nov, and Tong Zhang. Learning nonlinear dynamic mod-els. In ICML, pages 593–600. ACM, 2009.

[Littman et al., 2001] Michael L Littman, Richard S Sutton,and Satinder P Singh. Predictive representations of state.In NIPS, volume 14, pages 1555–1561, 2001.

[Nishiyama et al., 2016] Yu Nishiyama, Amir Hossein Af-sharinejad, Shunsuke Naruse, Byron Boots, and Le Song.The nonparametric kernel Bayes smoother. In AISTATS,2016.

[Rahimi and Recht, 2007] Ali Rahimi and Benjamin Recht.Random features for large-scale kernel machines. In NIPS,pages 1177–1184, 2007.

[Ross et al., 2011a] Stephane Ross, Geoffrey J Gordon, andJ Andrew Bagnell. A reduction of imitation learning andstructured prediction to no-regret online learning. AIS-TATS, 2011.

[Ross et al., 2011b] Stephane Ross, Daniel Munoz, MartialHebert, and J Andrew Bagnell. Learning message-passinginference machines for structured prediction. In CVPR,2011, pages 2737–2744. IEEE, 2011.

[Roweis and Ghahramani, 1999] Sam Roweis and ZoubinGhahramani. A unifying review of linear gaussian mod-els. Neural computation, 11(2):305–345, 1999.

[Siddiqi et al., 2010] Sajid Siddiqi, Byron Boots, and Geof-frey J. Gordon. Reduced-rank hidden Markov models. InAISTATS, 2010.

[Singh et al., 2004] Satinder Singh, Michael R. James, andMatthew R. Rudary. Predictive state representations: Anew theory for modeling dynamical systems. In UAI,2004.

[Song et al., 2010] Le Song, Byron Boots, Sajid M Siddiqi,Geoffrey J Gordon, and Alex J Smola. Hilbert space em-beddings of hidden markov models. In ICML, pages 991–998, 2010.

[Sun et al., 2015] Wen Sun, Arun Venkatraman, ByronBoots, and J Andrew Bagnell. Learning to filter withpredictive state inference machines. arXiv preprintarXiv:1512.08836, 2015.

[Thrun et al., 2005] Sebastian Thrun, Wolfram Burgard, andDieter Fox. Probabilistic robotics. MIT press, 2005.

[Van Overschee and De Moor, 2012] Peter Van Overscheeand BL De Moor. Subspace identification for linear sys-tems: Theory-Implementation-Applications. Springer Sci-ence & Business Media, 2012.

[Venkatraman et al., 2015] Arun Venkatraman, MartialHebert, and J Andrew Bagnell. Improving multi-stepprediction of learned time series models. In AAAI, pages3024–3030, 2015.

[Wan and Van Der Merwe, 2000] Eric A Wan and RonellVan Der Merwe. The unscented kalman filter for nonlinearestimation. In AAS-SPCC, pages 153–158. IEEE, 2000.

[Wei, 1994] William Wu-Shyong Wei. Time series analysis.Addison-Wesley publ, 1994.

[Zinkevich, 2003] Martin Zinkevich. Online Convex Pro-gramming and Generalized Infinitesimal Gradient Ascent.In ICML, pages 421–422, 2003.