nips nips2008 nips2008-125 knowledge-graph by maker-knowledge-mining

125 nips-2008-Local Gaussian Process Regression for Real Time Online Model Learning


Source: pdf

Author: Duy Nguyen-tuong, Jan R. Peters, Matthias Seeger

Abstract: Learning in real-time applications, e.g., online approximation of the inverse dynamics model for model-based robot control, requires fast online regression techniques. Inspired by local learning, we propose a method to speed up standard Gaussian process regression (GPR) with local GP models (LGP). The training data is partitioned in local regions, for each an individual GP model is trained. The prediction for a query point is performed by weighted estimation using nearby local models. Unlike other GP approximations, such as mixtures of experts, we use a distance based measure for partitioning of the data and weighted prediction. The proposed method achieves online learning and prediction in real-time. Comparisons with other non-parametric regression methods show that LGP has higher accuracy than LWPR and close to the performance of standard GPR and ν-SVR. 1

Reference: text


Summary: the most important sentenses genereted by tfidf model

sentIndex sentText sentNum sentScore

1 , online approximation of the inverse dynamics model for model-based robot control, requires fast online regression techniques. [sent-7, score-0.638]

2 Inspired by local learning, we propose a method to speed up standard Gaussian process regression (GPR) with local GP models (LGP). [sent-8, score-0.421]

3 The training data is partitioned in local regions, for each an individual GP model is trained. [sent-9, score-0.234]

4 The prediction for a query point is performed by weighted estimation using nearby local models. [sent-10, score-0.39]

5 The proposed method achieves online learning and prediction in real-time. [sent-12, score-0.226]

6 Especially in robot tracking control, only a well-estimated inverse dynamics model can allow both high accuracy and compliant control. [sent-15, score-0.437]

7 For most real-time applications, online model learning poses a difficult regression problem due to three constraints, i. [sent-17, score-0.219]

8 Here, the true function is approximated with local linear functions covering the relevant state-space and online learning became computationally feasible due to low computational demands of the local projection regression which can be performed in real-time. [sent-27, score-0.554]

9 , online learning of inverse dynamics model for model-based 1 robot control. [sent-35, score-0.424]

10 The computational cost is then significantly reduced due to much smaller number of training examples within a local model. [sent-42, score-0.244]

11 The ME performance depends largely on the way of partitioning the training data and the choice of an optimal number of local models for a particular data set [4]. [sent-43, score-0.329]

12 , LWPR and GPR, attempting to get as close as possible to the speed of local learning while having a comparable accuracy to Gaussian process regression. [sent-46, score-0.216]

13 This results in an approach inspired by [6, 8] using many local GPs in order to obtain a significant reduction of the computational cost during both prediction and learning step allowing the application to online learning. [sent-47, score-0.399]

14 For partitioning the training data, we use a distance based measure, where the corresponding hyperparameters are optimized by maximizing the marginal likelihood. [sent-48, score-0.175]

15 Subsequently, we describe our local Gaussian process models (LGP) approach in Section 3 and discuss how it inherits the advantages of both GPR and LWPR. [sent-50, score-0.205]

16 , LWPR [8], standard GPR [1], sparse online Gaussian process regression (OGP) [5] and ν-support vector regression (ν-SVR) [11], respectively. [sent-53, score-0.272]

17 Finally, our LGP method is evaluated for an online learning of the inverse dynamics models of real robots for accurate tracking control in Section 5. [sent-54, score-0.494]

18 Here, the online learning is demonstrated by rank-one update of the local GP models [9]. [sent-55, score-0.347]

19 The tracking task is performed in real-time using model-based control [10]. [sent-56, score-0.179]

20 To our best knowledge, it is the first time that GPR is successfully used for high-speed online model learning in real time control on a physical robot. [sent-57, score-0.228]

21 We present the results on a version of the Barrett WAM showing that with the online learned model using LGP the tracking accuracy is superior compared to state-of-the art model-based methods [10] while remaining fully compliant. [sent-58, score-0.328]

22 for k = 1 to M do Compute distance to the k-th local model: wk = exp(−0. [sent-69, score-0.307]

23 5(x − ck )T W(x − ck )) Compute local mean using the k-th local model: yk = kT αk ¯ k end for Compute weighted prediction using M local models: M M y = k=1 wk yk / k=1 wk . [sent-70, score-1.149]

24 for k = 1 to number of local models do Compute distance to the k-th local model: wk = exp(−0. [sent-72, score-0.488]

25 (a) SARCOS arm Algorithm 1: Partitioning of training data and model learning. [sent-75, score-0.168]

26 Reducing this computational cost, we cluster the training data in local regions and, subsequently, train the corresponding GP models on these local clusters. [sent-78, score-0.391]

27 The mean prediction for a query point is then made by weighted prediction using the nearby local models in the neighborhood. [sent-79, score-0.491]

28 , allocation of new input points and learning of corresponding local models, (ii) prediction for a query point. [sent-82, score-0.384]

29 1 Partitioning and Training of Local Models Clustering input data is efficiently performed by considering a distance measure of the input point x to the centers of all local models. [sent-84, score-0.273]

30 The distance measure wk is given by the kernel used to learn the local GP models, e. [sent-85, score-0.328]

31 , Gaussian kernel 1 T wk = exp − (x − ck ) W (x − ck ) , (4) 2 where ck denotes the center of the k-th local model and W a diagonal matrix represented the kernel width. [sent-87, score-0.669]

32 It should be noted, that we use the same kernel width for computing wk as well as for training of all local GP models as given in Section 2. [sent-88, score-0.392]

33 During the localization process, a new model with center ck+1 is created, if all distance measures wk fall below a limit value wgen . [sent-91, score-0.32]

34 Thus, the number of local models is allowed to increase as the trajectories become more complex. [sent-93, score-0.181]

35 Otherwise, if a new point is assigned to a particular k-th model, the center ck is updated as mean of corresponding local 3 data points. [sent-94, score-0.308]

36 With the new assigned input point, the inverse covariance matrix of the corresponding local model can be updated. [sent-95, score-0.279]

37 The main computational cost of this algorithm is O(N 3 ) for inverting the local covariance matrix, where N presents the number of data points in a local model. [sent-97, score-0.428]

38 Furthermore, we can control the complexity by limiting the number of data points in a local model. [sent-98, score-0.268]

39 Since the number of local data points increases continuously over time, we can adhere to comply with this limit by deleting old data point as new ones are included. [sent-99, score-0.284]

40 The cost for inverting the local covariance matrix can be further reduced, as we need only to update the full inverse matrix once it is computed. [sent-101, score-0.313]

41 2 Prediction using Local Models The prediction for a mean value y is performed using weighted averaging over M local predicˆ tions yk for a query point x [8]. [sent-104, score-0.46]

42 The weighted prediction y is then given by y = E{¯k |x} = ¯ ˆ ˆ y M yk p(k|x). [sent-105, score-0.18]

43 According to the Bayesian theorem, the probability of the model k given x can be ¯ k=1 M M expressed as p(k|x) = p(k, x)/ k=1 p(k, x) = wk / k=1 wk . [sent-106, score-0.302]

44 (5) The probability p(k|x) can be interpreted as a normalized distance of the query point x to the local model k where the measure metric wk is used as given in Equation (4). [sent-108, score-0.447]

45 Thus, each local prediction yk , determined using Equation (3), is additionally weighted by the distance wk between ¯ the corresponding center ck and the query point x. [sent-109, score-0.728]

46 The search for M local models can be quickly done by evaluating the distances between the query point x and all model centers ck . [sent-110, score-0.42]

47 4 Learning Inverse Dynamics We have evaluated our algorithm using high-dimensional robot data taken from real robots, e. [sent-112, score-0.152]

48 , the 7 degree-of-freedom (DoF) anthropomorphic SARCOS master arm and 7-DoF Barrett whole arm manipulator shown in Figure 1, as well as a physically realistic SL simulation [12]. [sent-114, score-0.2]

49 , LWPR, ν-SVR, OGP and standard GPR in the context of approximating inverse robot dynamics. [sent-117, score-0.201]

50 For the considered 7 degrees of freedom robot arms, we, thus, have data with 21 input dimensions (for each joint, we have an angle, a velocity and an acceleration) and 7 targets (a torque for each joint). [sent-122, score-0.285]

51 We learn the robot dynamics model in this 21-dim space for each DoF separately employing LWPR, ν-SVR, GPR, OGP and LGP, respectively. [sent-123, score-0.215]

52 Partitioning of the training examples for LGP can be performed either in the same input space (where the model is learned) or in another space which has to be physically consistent with the approximated function. [sent-124, score-0.165]

53 Thus, the partitioning of training data is performed in a 7-dim space (7 joint angles). [sent-126, score-0.172]

54 After determining wk for all k local models in the partitioning space, the input point will be assigned to the nearest local model, i. [sent-127, score-0.566]

55 , the local model with the maximal value of distance measure wk . [sent-129, score-0.331]

56 The error is computed after prediction on the test sets with simulated data from SL Sarcos-model, real robot data from Barrett and SARCOS master arm, respectively. [sent-145, score-0.302]

57 , the simulated SARCOS arm in (a), the real SARCOS arm in (b) and the Barrett arm in (c). [sent-151, score-0.225]

58 During the prediction on the test set using LGP, we take the most activated local models, i. [sent-153, score-0.225]

59 If wgen is too GPR small, a lot of local models will be generated LGP with small number of training points. [sent-157, score-0.312]

60 It turns 2 out that these small local models do not perform well in generalization for unknown data. [sent-158, score-0.181]

61 1 If wgen is large, the local models become also large which increase the computational complexity. [sent-159, score-0.261]

62 Here, the training data are clustered in about 30 local regions ensuring that each local model has a sufficient amount of data points 0 5000 10000 15000 for high accuracy (in practice, roughly a hunNr. [sent-160, score-0.469]

63 of Training Points Figure 3: Average time in millisecond needed for dred data points for each local model suffice) prediction of 1 query point. [sent-161, score-0.406]

64 This small number of training inputs methods such as standard GPR and ν-SVR, local enables a fast training for each local model, i. [sent-167, score-0.403]

65 05 7 6 5 4 3 Considering the approximation error on the test set shown in Figure 2(a-c), it can be seen that LGP generalizes well using only few local models for prediction. [sent-176, score-0.202]

66 The operation of mean-prediction has then the order of O(n) for standard GPR (similarly, for ν-SVR) and O(N M ) for LGP, where n denotes the total number of training points, M number of local models and N number of data points in a local model. [sent-180, score-0.438]

67 , matrix inversion), the prediction time is also reduced significantly compared to GPR and ν-SVR due to the fact that only a small amount of local models in the vicinity of the query point are needed during prediction for LGP. [sent-184, score-0.507]

68 Thus, the prediction time can be controlled by the number of local models. [sent-185, score-0.225]

69 A large number of local models may provide a smooth prediction but on the other hand increases the time complexity. [sent-186, score-0.265]

70 Subsequently, using the trained models we compute the average time needed to make a prediction for a query point for all 7 DoF. [sent-189, score-0.24]

71 For LGP, we take a limited number of local models in the vicinity for prediction, e. [sent-190, score-0.203]

72 Since our control system requires a minimal prediction rate at 100 Hz (10 ms) in order to ensure system stability, data sets with more than 15000 points are not applicable for standard GPR or ν-SVR due to high computation demands for prediction. [sent-193, score-0.26]

73 As approach to deleting and inserting data points, we can use the information gain of the corresponding local model as a principled measure. [sent-198, score-0.219]

74 , more than 5000 training examples), LGP reduces the prediction cost considerably while keeping a good learning performance. [sent-202, score-0.167]

75 5 qd ˙ qd ¨ qd Application in Model-based Robot Control Local GP u + Robot + + Kp ˙ q q Kv + − In this section, first, we use the inverse dynamics models learned in Section 4. [sent-203, score-0.473]

76 1 for a modelbased tracking control task [10] in the setting shown in Figure 4. [sent-204, score-0.156]

77 Here, the learned model of the robot is applied for an online prediction of the feedforward torques uFF given the desired trajectory [qd , qd , qd ]. [sent-205, score-0.71]

78 Subsequently, ˙ ¨ the model approximated by LGP is used for an online learning performance. [sent-206, score-0.19]

79 Demonstrating the online learning, the local GP models are adapted in real-time using rank-one update. [sent-207, score-0.323]

80 As shown in Figure 4, the controller command u consists of the feedforward part uFF and the feedback part uFB = Kp e + Kv e, where e = ˙ qd − q denotes the tracking error and Kp , Kv Figure 4: Schematic showing model-based robot position-gain and velocity-gain, respectively. [sent-208, score-0.37]

81 The learned dynamics model can be upDuring the control experiment we set the gains dated online using LGP. [sent-210, score-0.324]

82 As a result, the learned model has a stronger effect on computing the predicted torque uFF and, hence, a better learning performance of each method results in a lower tracking error. [sent-212, score-0.205]

83 + − For comparison with the learned models, we also compute the feedforward torque using rigid-body (RB) formulation which is a common approach in robot control [10]. [sent-213, score-0.314]

84 01 0 1 2 3 4 5 6 Degree of Freedom 0 7 (a) Tracking Error on Barrett without online learning 1 2 3 4 5 6 Degree of Freedom 7 (b) Tracking Error after LGP online learning on Barrett Figure 5: (a) Tracking error as RMSE on test trajectory for each DoF with Barrett WAM. [sent-227, score-0.339]

85 The model uncertainty is reduced with online learning using LGP. [sent-229, score-0.186]

86 With online learning, LGP is able to outperform offline learned models using standard GPR for test trajectories. [sent-230, score-0.221]

87 As desired trajectory, we generate a test trajectory which is similar to the one used for learning the inverse dynamics models in Section 4. [sent-232, score-0.198]

88 Figure 5 (a) shows the tracking errors on test trajectory for 7 DoFs, where the error is computed as root mean squared error (RMSE). [sent-234, score-0.17]

89 Since it is not possible to learn the complete state space using a single data set, online learning is necessary. [sent-244, score-0.16]

90 1 Online Learning of Inverse Dynamics Models with LGP The ability of online adaptation of the learned inverse dynamics models with LGP is shown by the rank-one update of the local models which has a complexity of O(n2 ) [9]. [sent-246, score-0.55]

91 Since the number of training examples in each local model is limited (500 points in average), the update procedure is fast enough for real-time application. [sent-247, score-0.306]

92 For online learning the models are updated as shown in Figure 4. [sent-248, score-0.182]

93 For doing so, we regularly sample the joint torques u and the corresponding robot trajectories [q, q, q] online. [sent-249, score-0.195]

94 For the time being, as a new point is inserted we randomly delete another data ˙ ¨ point from the local model if the maximal number of data point is reached. [sent-250, score-0.273]

95 Figure 5 (b) shows the tracking error after online learning with LGP. [sent-252, score-0.257]

96 It can be seen that the errors for each DoF are significantly reduced with online LGP compared to the ones with offline learned models. [sent-253, score-0.201]

97 6 Conclusion We combine with LGP the fast computation of local regression with more accurate regression methods while having little tuning efforts. [sent-255, score-0.285]

98 The reducing cost allows LGP for model online learning which is necessary in oder to generalize the model for all trajectories. [sent-257, score-0.222]

99 Model-based tracking control using online learned model achieves superior control performance compared to the state-of-the-art method as well as offline learned model for unknown trajectories. [sent-258, score-0.486]

100 Seeger, “Computed torque control with nonparametric regression models,” Proceedings of the 2008 American Control Conference (ACC 2008), 2008. [sent-335, score-0.163]


similar papers computed by tfidf model

tfidf for this paper:

wordName wordTfidf (topN-words)

[('lgp', 0.609), ('gpr', 0.477), ('lwpr', 0.238), ('barrett', 0.154), ('online', 0.142), ('local', 0.141), ('wk', 0.139), ('robot', 0.134), ('ogp', 0.128), ('sarcos', 0.126), ('ck', 0.099), ('nmse', 0.096), ('tracking', 0.094), ('query', 0.092), ('gp', 0.092), ('qd', 0.09), ('prediction', 0.084), ('wgen', 0.08), ('arm', 0.075), ('dof', 0.07), ('yk', 0.07), ('inverse', 0.067), ('svr', 0.064), ('wam', 0.064), ('xnew', 0.064), ('control', 0.062), ('partitioning', 0.061), ('dynamics', 0.057), ('regression', 0.053), ('sl', 0.052), ('training', 0.051), ('dofs', 0.048), ('uff', 0.048), ('torque', 0.048), ('points', 0.047), ('rmse', 0.045), ('sgp', 0.042), ('torques', 0.042), ('kt', 0.042), ('freedom', 0.042), ('models', 0.04), ('learned', 0.039), ('subsequently', 0.037), ('deleting', 0.036), ('kp', 0.036), ('kv', 0.036), ('seeger', 0.035), ('trajectory', 0.034), ('arms', 0.032), ('robots', 0.032), ('compliant', 0.032), ('ynew', 0.032), ('cost', 0.032), ('schaal', 0.031), ('feedforward', 0.031), ('ine', 0.031), ('gaussian', 0.03), ('demands', 0.03), ('xq', 0.03), ('accuracy', 0.029), ('master', 0.027), ('distance', 0.027), ('covariance', 0.027), ('center', 0.026), ('offline', 0.026), ('knew', 0.026), ('weighted', 0.026), ('update', 0.024), ('insertion', 0.024), ('localization', 0.024), ('xp', 0.024), ('model', 0.024), ('process', 0.024), ('approximated', 0.024), ('point', 0.024), ('performed', 0.023), ('targets', 0.023), ('physically', 0.023), ('experts', 0.022), ('rasmussen', 0.022), ('speed', 0.022), ('vijayakumar', 0.022), ('vicinity', 0.022), ('inverting', 0.022), ('kernel', 0.021), ('deletion', 0.021), ('error', 0.021), ('acceleration', 0.02), ('subsample', 0.02), ('input', 0.02), ('reduced', 0.02), ('joint', 0.019), ('degree', 0.019), ('fast', 0.019), ('computation', 0.019), ('competitive', 0.019), ('hyperparameters', 0.018), ('data', 0.018), ('maximizing', 0.018), ('mixtures', 0.018)]

similar papers list:

simIndex simValue paperId paperTitle

same-paper 1 1.0 125 nips-2008-Local Gaussian Process Regression for Real Time Online Model Learning

Author: Duy Nguyen-tuong, Jan R. Peters, Matthias Seeger

Abstract: Learning in real-time applications, e.g., online approximation of the inverse dynamics model for model-based robot control, requires fast online regression techniques. Inspired by local learning, we propose a method to speed up standard Gaussian process regression (GPR) with local GP models (LGP). The training data is partitioned in local regions, for each an individual GP model is trained. The prediction for a query point is performed by weighted estimation using nearby local models. Unlike other GP approximations, such as mixtures of experts, we use a distance based measure for partitioning of the data and weighted prediction. The proposed method achieves online learning and prediction in real-time. Comparisons with other non-parametric regression methods show that LGP has higher accuracy than LWPR and close to the performance of standard GPR and ν-SVR. 1

2 0.12898441 146 nips-2008-Multi-task Gaussian Process Learning of Robot Inverse Dynamics

Author: Christopher Williams, Stefan Klanke, Sethu Vijayakumar, Kian M. Chai

Abstract: The inverse dynamics problem for a robotic manipulator is to compute the torques needed at the joints to drive it along a given trajectory; it is beneficial to be able to learn this function for adaptive control. A robotic manipulator will often need to be controlled while holding different loads in its end effector, giving rise to a multi-task learning problem. By placing independent Gaussian process priors over the latent functions of the inverse dynamics, we obtain a multi-task Gaussian process prior for handling multiple loads, where the inter-task similarity depends on the underlying inertial parameters. Experiments demonstrate that this multi-task formulation is effective in sharing information among the various loads, and generally improves performance over either learning only on single tasks or pooling the data over all tasks. 1

3 0.11000883 32 nips-2008-Bayesian Kernel Shaping for Learning Control

Author: Jo-anne Ting, Mrinal Kalakrishnan, Sethu Vijayakumar, Stefan Schaal

Abstract: In kernel-based regression learning, optimizing each kernel individually is useful when the data density, curvature of regression surfaces (or decision boundaries) or magnitude of output noise varies spatially. Previous work has suggested gradient descent techniques or complex statistical hypothesis methods for local kernel shaping, typically requiring some amount of manual tuning of meta parameters. We introduce a Bayesian formulation of nonparametric regression that, with the help of variational approximations, results in an EM-like algorithm for simultaneous estimation of regression and kernel parameters. The algorithm is computationally efficient, requires no sampling, automatically rejects outliers and has only one prior to be specified. It can be used for nonparametric regression with local polynomials or as a novel method to achieve nonstationary regression with Gaussian processes. Our methods are particularly useful for learning control, where reliable estimation of local tangent planes is essential for adaptive controllers and reinforcement learning. We evaluate our methods on several synthetic data sets and on an actual robot which learns a task-level control law. 1

4 0.07534188 73 nips-2008-Estimating Robust Query Models with Convex Optimization

Author: Kevyn Collins-thompson

Abstract: Query expansion is a long-studied approach for improving retrieval effectiveness by enhancing the user’s original query with additional related words. Current algorithms for automatic query expansion can often improve retrieval accuracy on average, but are not robust: that is, they are highly unstable and have poor worst-case performance for individual queries. To address this problem, we introduce a novel formulation of query expansion as a convex optimization problem over a word graph. The model combines initial weights from a baseline feedback algorithm with edge weights based on word similarity, and integrates simple constraints to enforce set-based criteria such as aspect balance, aspect coverage, and term centrality. Results across multiple standard test collections show consistent and significant reductions in the number and magnitude of expansion failures, while retaining the strong positive gains of the baseline algorithm. Our approach does not assume a particular retrieval model, making it applicable to a broad class of existing expansion algorithms. 1

5 0.070146449 12 nips-2008-Accelerating Bayesian Inference over Nonlinear Differential Equations with Gaussian Processes

Author: Ben Calderhead, Mark Girolami, Neil D. Lawrence

Abstract: Identification and comparison of nonlinear dynamical system models using noisy and sparse experimental data is a vital task in many fields, however current methods are computationally expensive and prone to error due in part to the nonlinear nature of the likelihood surfaces induced. We present an accelerated sampling procedure which enables Bayesian inference of parameters in nonlinear ordinary and delay differential equations via the novel use of Gaussian processes (GP). Our method involves GP regression over time-series data, and the resulting derivative and time delay estimates make parameter inference possible without solving the dynamical system explicitly, resulting in dramatic savings of computational time. We demonstrate the speed and statistical accuracy of our approach using examples of both ordinary and delay differential equations, and provide a comprehensive comparison with current state of the art methods. 1

6 0.069376074 249 nips-2008-Variational Mixture of Gaussian Process Experts

7 0.066610232 247 nips-2008-Using Bayesian Dynamical Systems for Motion Template Libraries

8 0.064995848 181 nips-2008-Policy Search for Motor Primitives in Robotics

9 0.06491711 29 nips-2008-Automatic online tuning for fast Gaussian summation

10 0.058043461 88 nips-2008-From Online to Batch Learning with Cutoff-Averaging

11 0.056548361 71 nips-2008-Efficient Sampling for Gaussian Process Inference using Control Variables

12 0.056117464 17 nips-2008-Algorithms for Infinitely Many-Armed Bandits

13 0.055002175 140 nips-2008-Mortal Multi-Armed Bandits

14 0.053546693 214 nips-2008-Sparse Online Learning via Truncated Gradient

15 0.052075546 168 nips-2008-Online Metric Learning and Fast Similarity Search

16 0.048076738 138 nips-2008-Modeling human function learning with Gaussian processes

17 0.047321174 213 nips-2008-Sparse Convolved Gaussian Processes for Multi-output Regression

18 0.04713301 184 nips-2008-Predictive Indexing for Fast Search

19 0.046889476 22 nips-2008-An Online Algorithm for Maximizing Submodular Functions

20 0.044727325 110 nips-2008-Kernel-ARMA for Hand Tracking and Brain-Machine interfacing During 3D Motor Control


similar papers computed by lsi model

lsi for this paper:

topicId topicWeight

[(0, -0.139), (1, 0.044), (2, -0.005), (3, 0.005), (4, 0.002), (5, -0.067), (6, -0.007), (7, 0.074), (8, 0.025), (9, 0.031), (10, 0.035), (11, 0.042), (12, 0.021), (13, 0.051), (14, 0.136), (15, -0.076), (16, -0.149), (17, 0.107), (18, 0.06), (19, 0.013), (20, 0.085), (21, -0.059), (22, 0.041), (23, -0.015), (24, 0.098), (25, 0.053), (26, 0.089), (27, 0.037), (28, -0.048), (29, -0.042), (30, -0.027), (31, 0.068), (32, 0.025), (33, 0.025), (34, 0.051), (35, -0.066), (36, 0.046), (37, 0.07), (38, 0.069), (39, 0.044), (40, 0.0), (41, 0.043), (42, -0.01), (43, 0.038), (44, -0.127), (45, -0.042), (46, -0.053), (47, -0.098), (48, -0.032), (49, 0.122)]

similar papers list:

simIndex simValue paperId paperTitle

same-paper 1 0.90732777 125 nips-2008-Local Gaussian Process Regression for Real Time Online Model Learning

Author: Duy Nguyen-tuong, Jan R. Peters, Matthias Seeger

Abstract: Learning in real-time applications, e.g., online approximation of the inverse dynamics model for model-based robot control, requires fast online regression techniques. Inspired by local learning, we propose a method to speed up standard Gaussian process regression (GPR) with local GP models (LGP). The training data is partitioned in local regions, for each an individual GP model is trained. The prediction for a query point is performed by weighted estimation using nearby local models. Unlike other GP approximations, such as mixtures of experts, we use a distance based measure for partitioning of the data and weighted prediction. The proposed method achieves online learning and prediction in real-time. Comparisons with other non-parametric regression methods show that LGP has higher accuracy than LWPR and close to the performance of standard GPR and ν-SVR. 1

2 0.6697697 146 nips-2008-Multi-task Gaussian Process Learning of Robot Inverse Dynamics

Author: Christopher Williams, Stefan Klanke, Sethu Vijayakumar, Kian M. Chai

Abstract: The inverse dynamics problem for a robotic manipulator is to compute the torques needed at the joints to drive it along a given trajectory; it is beneficial to be able to learn this function for adaptive control. A robotic manipulator will often need to be controlled while holding different loads in its end effector, giving rise to a multi-task learning problem. By placing independent Gaussian process priors over the latent functions of the inverse dynamics, we obtain a multi-task Gaussian process prior for handling multiple loads, where the inter-task similarity depends on the underlying inertial parameters. Experiments demonstrate that this multi-task formulation is effective in sharing information among the various loads, and generally improves performance over either learning only on single tasks or pooling the data over all tasks. 1

3 0.66456199 32 nips-2008-Bayesian Kernel Shaping for Learning Control

Author: Jo-anne Ting, Mrinal Kalakrishnan, Sethu Vijayakumar, Stefan Schaal

Abstract: In kernel-based regression learning, optimizing each kernel individually is useful when the data density, curvature of regression surfaces (or decision boundaries) or magnitude of output noise varies spatially. Previous work has suggested gradient descent techniques or complex statistical hypothesis methods for local kernel shaping, typically requiring some amount of manual tuning of meta parameters. We introduce a Bayesian formulation of nonparametric regression that, with the help of variational approximations, results in an EM-like algorithm for simultaneous estimation of regression and kernel parameters. The algorithm is computationally efficient, requires no sampling, automatically rejects outliers and has only one prior to be specified. It can be used for nonparametric regression with local polynomials or as a novel method to achieve nonstationary regression with Gaussian processes. Our methods are particularly useful for learning control, where reliable estimation of local tangent planes is essential for adaptive controllers and reinforcement learning. We evaluate our methods on several synthetic data sets and on an actual robot which learns a task-level control law. 1

4 0.55685759 213 nips-2008-Sparse Convolved Gaussian Processes for Multi-output Regression

Author: Mauricio Alvarez, Neil D. Lawrence

Abstract: We present a sparse approximation approach for dependent output Gaussian processes (GP). Employing a latent function framework, we apply the convolution process formalism to establish dependencies between output variables, where each latent function is represented as a GP. Based on these latent functions, we establish an approximation scheme using a conditional independence assumption between the output processes, leading to an approximation of the full covariance which is determined by the locations at which the latent functions are evaluated. We show results of the proposed methodology for synthetic data and real world applications on pollution prediction and a sensor network. 1

5 0.5451318 169 nips-2008-Online Models for Content Optimization

Author: Deepak Agarwal, Bee-chung Chen, Pradheep Elango, Nitin Motgi, Seung-taek Park, Raghu Ramakrishnan, Scott Roy, Joe Zachariah

Abstract: We describe a new content publishing system that selects articles to serve to a user, choosing from an editorially programmed pool that is frequently refreshed. It is now deployed on a major Yahoo! portal, and selects articles to serve to hundreds of millions of user visits per day, significantly increasing the number of user clicks over the original manual approach, in which editors periodically selected articles to display. Some of the challenges we face include a dynamic content pool, short article lifetimes, non-stationary click-through rates, and extremely high traffic volumes. The fundamental problem we must solve is to quickly identify which items are popular (perhaps within different user segments), and to exploit them while they remain current. We must also explore the underlying pool constantly to identify promising alternatives, quickly discarding poor performers. Our approach is based on tracking per article performance in near real time through online models. We describe the characteristics and constraints of our application setting, discuss our design choices, and show the importance and effectiveness of coupling online models with a randomization procedure. We discuss the challenges encountered in a production online content-publishing environment and highlight issues that deserve careful attention. Our analysis of this application also suggests a number of future research avenues. 1

6 0.4953562 110 nips-2008-Kernel-ARMA for Hand Tracking and Brain-Machine interfacing During 3D Motor Control

7 0.48657066 90 nips-2008-Gaussian-process factor analysis for low-dimensional single-trial analysis of neural population activity

8 0.46670145 22 nips-2008-An Online Algorithm for Maximizing Submodular Functions

9 0.45958641 12 nips-2008-Accelerating Bayesian Inference over Nonlinear Differential Equations with Gaussian Processes

10 0.45110014 71 nips-2008-Efficient Sampling for Gaussian Process Inference using Control Variables

11 0.44334126 168 nips-2008-Online Metric Learning and Fast Similarity Search

12 0.43107647 249 nips-2008-Variational Mixture of Gaussian Process Experts

13 0.42737031 211 nips-2008-Simple Local Models for Complex Dynamical Systems

14 0.40069941 29 nips-2008-Automatic online tuning for fast Gaussian summation

15 0.38978913 88 nips-2008-From Online to Batch Learning with Cutoff-Averaging

16 0.3783195 247 nips-2008-Using Bayesian Dynamical Systems for Motion Template Libraries

17 0.36580914 214 nips-2008-Sparse Online Learning via Truncated Gradient

18 0.3547416 96 nips-2008-Hebbian Learning of Bayes Optimal Decisions

19 0.34580925 73 nips-2008-Estimating Robust Query Models with Convex Optimization

20 0.34178147 83 nips-2008-Fast High-dimensional Kernel Summations Using the Monte Carlo Multipole Method


similar papers computed by lda model

lda for this paper:

topicId topicWeight

[(6, 0.063), (7, 0.078), (12, 0.035), (15, 0.013), (28, 0.156), (34, 0.314), (47, 0.021), (57, 0.046), (63, 0.032), (71, 0.013), (77, 0.05), (83, 0.06)]

similar papers list:

simIndex simValue paperId paperTitle

same-paper 1 0.69112641 125 nips-2008-Local Gaussian Process Regression for Real Time Online Model Learning

Author: Duy Nguyen-tuong, Jan R. Peters, Matthias Seeger

Abstract: Learning in real-time applications, e.g., online approximation of the inverse dynamics model for model-based robot control, requires fast online regression techniques. Inspired by local learning, we propose a method to speed up standard Gaussian process regression (GPR) with local GP models (LGP). The training data is partitioned in local regions, for each an individual GP model is trained. The prediction for a query point is performed by weighted estimation using nearby local models. Unlike other GP approximations, such as mixtures of experts, we use a distance based measure for partitioning of the data and weighted prediction. The proposed method achieves online learning and prediction in real-time. Comparisons with other non-parametric regression methods show that LGP has higher accuracy than LWPR and close to the performance of standard GPR and ν-SVR. 1

2 0.66039699 49 nips-2008-Clusters and Coarse Partitions in LP Relaxations

Author: David Sontag, Amir Globerson, Tommi S. Jaakkola

Abstract: We propose a new class of consistency constraints for Linear Programming (LP) relaxations for finding the most probable (MAP) configuration in graphical models. Usual cluster-based LP relaxations enforce joint consistency on the beliefs of a cluster of variables, with computational cost increasing exponentially with the size of the clusters. By partitioning the state space of a cluster and enforcing consistency only across partitions, we obtain a class of constraints which, although less tight, are computationally feasible for large clusters. We show how to solve the cluster selection and partitioning problem monotonically in the dual LP, using the current beliefs to guide these choices. We obtain a dual message passing algorithm and apply it to protein design problems where the variables have large state spaces and the usual cluster-based relaxations are very costly. The resulting method solves many of these problems exactly, and significantly faster than a method that does not use partitioning. 1

3 0.64144927 202 nips-2008-Robust Regression and Lasso

Author: Huan Xu, Constantine Caramanis, Shie Mannor

Abstract: We consider robust least-squares regression with feature-wise disturbance. We show that this formulation leads to tractable convex optimization problems, and we exhibit a particular uncertainty set for which the robust problem is equivalent to 1 regularized regression (Lasso). This provides an interpretation of Lasso from a robust optimization perspective. We generalize this robust formulation to consider more general uncertainty sets, which all lead to tractable convex optimization problems. Therefore, we provide a new methodology for designing regression algorithms, which generalize known formulations. The advantage is that robustness to disturbance is a physical property that can be exploited: in addition to obtaining new formulations, we use it directly to show sparsity properties of Lasso, as well as to prove a general consistency result for robust regression problems, including Lasso, from a unified robustness perspective. 1

4 0.54950982 79 nips-2008-Exploring Large Feature Spaces with Hierarchical Multiple Kernel Learning

Author: Francis R. Bach

Abstract: For supervised and unsupervised learning, positive definite kernels allow to use large and potentially infinite dimensional feature spaces with a computational cost that only depends on the number of observations. This is usually done through the penalization of predictor functions by Euclidean or Hilbertian norms. In this paper, we explore penalizing by sparsity-inducing norms such as the ℓ1 -norm or the block ℓ1 -norm. We assume that the kernel decomposes into a large sum of individual basis kernels which can be embedded in a directed acyclic graph; we show that it is then possible to perform kernel selection through a hierarchical multiple kernel learning framework, in polynomial time in the number of selected kernels. This framework is naturally applied to non linear variable selection; our extensive simulations on synthetic datasets and datasets from the UCI repository show that efficiently exploring the large feature space through sparsity-inducing norms leads to state-of-the-art predictive performance.

5 0.54740101 194 nips-2008-Regularized Learning with Networks of Features

Author: Ted Sandler, John Blitzer, Partha P. Talukdar, Lyle H. Ungar

Abstract: For many supervised learning problems, we possess prior knowledge about which features yield similar information about the target variable. In predicting the topic of a document, we might know that two words are synonyms, and when performing image recognition, we know which pixels are adjacent. Such synonymous or neighboring features are near-duplicates and should be expected to have similar weights in an accurate model. Here we present a framework for regularized learning when one has prior knowledge about which features are expected to have similar and dissimilar weights. The prior knowledge is encoded as a network whose vertices are features and whose edges represent similarities and dissimilarities between them. During learning, each feature’s weight is penalized by the amount it differs from the average weight of its neighbors. For text classification, regularization using networks of word co-occurrences outperforms manifold learning and compares favorably to other recently proposed semi-supervised learning methods. For sentiment analysis, feature networks constructed from declarative human knowledge significantly improve prediction accuracy. 1

6 0.547001 62 nips-2008-Differentiable Sparse Coding

7 0.5462541 205 nips-2008-Semi-supervised Learning with Weakly-Related Unlabeled Data : Towards Better Text Categorization

8 0.54423279 135 nips-2008-Model Selection in Gaussian Graphical Models: High-Dimensional Consistency of \boldmath$\ell 1$-regularized MLE

9 0.54262829 245 nips-2008-Unlabeled data: Now it helps, now it doesn't

10 0.54221785 21 nips-2008-An Homotopy Algorithm for the Lasso with Online Observations

11 0.54198527 63 nips-2008-Dimensionality Reduction for Data in Multiple Feature Representations

12 0.54187608 14 nips-2008-Adaptive Forward-Backward Greedy Algorithm for Sparse Learning with Linear Models

13 0.54164636 175 nips-2008-PSDBoost: Matrix-Generation Linear Programming for Positive Semidefinite Matrices Learning

14 0.54122567 196 nips-2008-Relative Margin Machines

15 0.54059768 143 nips-2008-Multi-label Multiple Kernel Learning

16 0.53904831 146 nips-2008-Multi-task Gaussian Process Learning of Robot Inverse Dynamics

17 0.53879333 238 nips-2008-Theory of matching pursuit

18 0.53860956 114 nips-2008-Large Margin Taxonomy Embedding for Document Categorization

19 0.53834498 227 nips-2008-Supervised Exponential Family Principal Component Analysis via Convex Optimization

20 0.53827536 4 nips-2008-A Scalable Hierarchical Distributed Language Model