Skip to main content

Showing 1–48 of 48 results for author: Barber, D

Searching in archive cs. Search in all archives.
.
  1. arXiv:2406.10808  [pdf, other

    cs.LG

    Diffusion Model With Optimal Covariance Matching

    Authors: Zi**g Ou, Mingtian Zhang, Andi Zhang, Tim Z. Xiao, Yingzhen Li, David Barber

    Abstract: The probabilistic diffusion model has become highly effective across various domains. Typically, sampling from a diffusion model involves using a denoising distribution characterized by a Gaussian with a learned mean and either fixed or learned covariances. In this paper, we leverage the recently proposed full covariance moment matching technique and introduce a novel method for learning covarianc… ▽ More

    Submitted 16 June, 2024; originally announced June 2024.

  2. arXiv:2402.17512  [pdf, other

    cs.CL stat.ML

    Latent Attention for Linear Time Transformers

    Authors: Rares Dolga, Marius Cobzarenco, David Barber

    Abstract: The time complexity of the standard attention mechanism in a transformer scales quadratically with the length of the sequence. We introduce a method to reduce this to linear scaling with time, based on defining attention via latent vectors. The method is readily usable as a drop-in replacement for the standard attention mechanism. Our "Latte Transformer" model can be implemented for both bidirecti… ▽ More

    Submitted 4 March, 2024; v1 submitted 27 February, 2024; originally announced February 2024.

  3. arXiv:2402.12177  [pdf, ps, other

    cs.LG cs.AI cs.CL

    Mafin: Enhancing Black-Box Embeddings with Model Augmented Fine-Tuning

    Authors: Mingtian Zhang, Shawn Lan, Peter Hayes, David Barber

    Abstract: Retrieval Augmented Generation (RAG) has emerged as an effective solution for mitigating hallucinations in Large Language Models (LLMs). The retrieval stage in RAG typically involves a pre-trained embedding model, which converts queries and passages into vectors to capture their semantics. However, a standard pre-trained embedding model may exhibit sub-optimal performance when applied to specific… ▽ More

    Submitted 12 March, 2024; v1 submitted 19 February, 2024; originally announced February 2024.

  4. arXiv:2402.08114  [pdf, other

    cs.LG cs.AI cs.CL

    Active Preference Learning for Large Language Models

    Authors: William Muldrew, Peter Hayes, Mingtian Zhang, David Barber

    Abstract: As large language models (LLMs) become more capable, fine-tuning techniques for aligning with human intent are increasingly important. A key consideration for aligning these models is how to most effectively use human resources, or model resources in the case where LLMs themselves are used as oracles. Reinforcement learning from Human or AI preferences (RLHF/RLAIF) is the most prominent example of… ▽ More

    Submitted 28 June, 2024; v1 submitted 12 February, 2024; originally announced February 2024.

    Comments: 13 pages, 5 figures, 6 tables

  5. arXiv:2402.03008  [pdf, other

    stat.ML cs.LG stat.CO

    Diffusive Gibbs Sampling

    Authors: Wenlin Chen, Mingtian Zhang, Brooks Paige, José Miguel Hernández-Lobato, David Barber

    Abstract: The inadequate mixing of conventional Markov Chain Monte Carlo (MCMC) methods for multi-modal distributions presents a significant challenge in practical applications such as Bayesian inference and molecular dynamics. Addressing this, we propose Diffusive Gibbs Sampling (DiGS), an innovative family of sampling methods designed for effective sampling from distributions characterized by distant and… ▽ More

    Submitted 29 May, 2024; v1 submitted 5 February, 2024; originally announced February 2024.

    Comments: Accepted for publication at ICML 2024. Code available: https://github.com/Wenlin-Chen/DiGS

  6. arXiv:2309.03851  [pdf, other

    cs.LG cs.CV

    CenTime: Event-Conditional Modelling of Censoring in Survival Analysis

    Authors: Ahmed H. Shahin, An Zhao, Alexander C. Whitehead, Daniel C. Alexander, Joseph Jacob, David Barber

    Abstract: Survival analysis is a valuable tool for estimating the time until specific events, such as death or cancer recurrence, based on baseline observations. This is particularly useful in healthcare to prognostically predict clinically important events based on patient data. However, existing approaches often have limitations; some focus only on ranking patients by survivability, neglecting to estimate… ▽ More

    Submitted 10 January, 2024; v1 submitted 7 September, 2023; originally announced September 2023.

  7. arXiv:2305.11650  [pdf, other

    stat.ML cs.LG

    Moment Matching Denoising Gibbs Sampling

    Authors: Mingtian Zhang, Alex Hawkins-Hooker, Brooks Paige, David Barber

    Abstract: Energy-Based Models (EBMs) offer a versatile framework for modeling complex data distributions. However, training and sampling from EBMs continue to pose significant challenges. The widely-used Denoising Score Matching (DSM) method for scalable EBM training suffers from inconsistency issues, causing the energy model to learn a `noisy' data distribution. In this work, we propose an efficient sampli… ▽ More

    Submitted 19 March, 2024; v1 submitted 19 May, 2023; originally announced May 2023.

  8. arXiv:2305.11023  [pdf, other

    cs.CL

    Generalized Multiple Intent Conditioned Slot Filling

    Authors: Harshil Shah, Arthur Wilcke, Marius Cobzarenco, Cristi Cobzarenco, Edward Challis, David Barber

    Abstract: Natural language understanding includes the tasks of intent detection (identifying a user's objectives) and slot filling (extracting the entities relevant to those objectives). Prior slot filling methods assume that each intent type cannot occur more than once within a message, however this is often not a valid assumption for real-world settings. In this work, we generalize slot filling by removin… ▽ More

    Submitted 18 May, 2023; originally announced May 2023.

  9. arXiv:2303.10789  [pdf, other

    cs.LG

    A hybrid CNN-RNN approach for survival analysis in a Lung Cancer Screening study

    Authors: Yaozhi Lu, Shahab Aslani, An Zhao, Ahmed Shahin, David Barber, Mark Emberton, Daniel C. Alexander, Joseph Jacob

    Abstract: In this study, we present a hybrid CNN-RNN approach to investigate long-term survival of subjects in a lung cancer screening study. Subjects who died of cardiovascular and respiratory causes were identified whereby the CNN model was used to capture imaging features in the CT scans and the RNN model was used to investigate time series and thus global information. The models were trained on subjects… ▽ More

    Submitted 19 March, 2023; originally announced March 2023.

  10. arXiv:2303.08631  [pdf, other

    cs.LG

    Smoothed Q-learning

    Authors: David Barber

    Abstract: In Reinforcement Learning the Q-learning algorithm provably converges to the optimal solution. However, as others have demonstrated, Q-learning can also overestimate the values and thereby spend too long exploring unhelpful states. Double Q-learning is a provably convergent alternative that mitigates some of the overestimation issues, though sometimes at the expense of slower convergence. We intro… ▽ More

    Submitted 15 March, 2023; originally announced March 2023.

  11. arXiv:2209.07396  [pdf, other

    stat.ML cs.LG

    Towards Healing the Blindness of Score Matching

    Authors: Mingtian Zhang, Oscar Key, Peter Hayes, David Barber, Brooks Paige, François-Xavier Briol

    Abstract: Score-based divergences have been widely used in machine learning and statistics applications. Despite their empirical success, a blindness problem has been observed when using these for multi-modal distributions. In this work, we discuss the blindness problem and propose a new family of divergences that can mitigate the blindness problem. We illustrate our proposed divergence in the context of de… ▽ More

    Submitted 15 October, 2022; v1 submitted 15 September, 2022; originally announced September 2022.

  12. arXiv:2206.09496  [pdf, other

    cs.LG

    Integrated Weak Learning

    Authors: Peter Hayes, Mingtian Zhang, Raza Habib, Jordan Burgess, Emine Yilmaz, David Barber

    Abstract: We introduce Integrated Weak Learning, a principled framework that integrates weak supervision into the training process of machine learning models. Our approach jointly trains the end-model and a label model that aggregates multiple sources of weak supervision. We introduce a label model that can learn to aggregate weak supervision sources differently for different datapoints and takes into consi… ▽ More

    Submitted 19 June, 2022; originally announced June 2022.

    Comments: 14 pages, 4 figures

  13. arXiv:2205.14539  [pdf, other

    stat.ML cs.LG

    Improving VAE-based Representation Learning

    Authors: Mingtian Zhang, Tim Z. Xiao, Brooks Paige, David Barber

    Abstract: Latent variable models like the Variational Auto-Encoder (VAE) are commonly used to learn representations of images. However, for downstream tasks like semantic classification, the representations learned by VAE are less competitive than other non-latent variable models. This has led to some speculations that latent variable models may be fundamentally unsuitable for representation learning. In th… ▽ More

    Submitted 28 May, 2022; originally announced May 2022.

  14. arXiv:2205.11640  [pdf, other

    stat.ML cs.LG

    Generalization Gap in Amortized Inference

    Authors: Mingtian Zhang, Peter Hayes, David Barber

    Abstract: The ability of likelihood-based probabilistic models to generalize to unseen data is central to many machine learning applications such as lossless compression. In this work, we study the generalization of a popular class of probabilistic model - the Variational Auto-Encoder (VAE). We discuss the two generalization gaps that affect VAEs and show that overfitting is usually dominated by amortized i… ▽ More

    Submitted 15 October, 2022; v1 submitted 23 May, 2022; originally announced May 2022.

  15. arXiv:2203.11391  [pdf, other

    eess.IV cs.CV cs.LG

    Survival Analysis for Idiopathic Pulmonary Fibrosis using CT Images and Incomplete Clinical Data

    Authors: Ahmed H. Shahin, Joseph Jacob, Daniel C. Alexander, David Barber

    Abstract: Idiopathic Pulmonary Fibrosis (IPF) is an inexorably progressive fibrotic lung disease with a variable and unpredictable rate of progression. CT scans of the lungs inform clinical assessment of IPF patients and contain pertinent information related to disease progression. In this work, we propose a multi-modal method that uses neural networks and memory banks to predict the survival of IPF patient… ▽ More

    Submitted 21 March, 2022; originally announced March 2022.

    Comments: Accepted as a full paper at the Medical Imaging with Deep Learning conference (MIDL 2022)

  16. arXiv:2201.05213  [pdf, other

    eess.IV cs.LG stat.ML

    Parallel Neural Local Lossless Compression

    Authors: Mingtian Zhang, James Townsend, Ning Kang, David Barber

    Abstract: The recently proposed Neural Local Lossless Compression (NeLLoC), which is based on a local autoregressive model, has achieved state-of-the-art (SOTA) out-of-distribution (OOD) generalization performance in the image compression task. In addition to the encouragement of OOD generalization, the local model also allows parallel inference in the decoding stage. In this paper, we propose two paralleli… ▽ More

    Submitted 26 June, 2022; v1 submitted 13 January, 2022; originally announced January 2022.

  17. arXiv:2112.00174  [pdf, other

    cs.LG cs.AI cs.NE stat.ML

    Adaptive Optimization with Examplewise Gradients

    Authors: Julius Kunze, James Townsend, David Barber

    Abstract: We propose a new, more general approach to the design of stochastic gradient-based optimization methods for machine learning. In this new framework, optimizers assume access to a batch of gradient estimates per iteration, rather than a single estimate. This better reflects the information that is actually available in typical machine learning setups. To demonstrate the usefulness of this generaliz… ▽ More

    Submitted 30 November, 2021; originally announced December 2021.

    Comments: 9 pages, 1 figure, 3 tables

  18. arXiv:2109.12043  [pdf, other

    cs.LG stat.ML

    Sample Efficient Model Evaluation

    Authors: Emine Yilmaz, Peter Hayes, Raza Habib, Jordan Burgess, David Barber

    Abstract: Labelling data is a major practical bottleneck in training and testing classifiers. Given a collection of unlabelled data points, we address how to select which subset to label to best estimate test metrics such as accuracy, $F_1$ score or micro/macro $F_1$. We consider two sampling based approaches, namely the well-known Importance Sampling and we introduce a novel application of Poisson Sampling… ▽ More

    Submitted 24 September, 2021; originally announced September 2021.

  19. arXiv:2103.16210  [pdf, other

    cs.CL cs.LG stat.ML

    Locally-Contextual Nonlinear CRFs for Sequence Labeling

    Authors: Harshil Shah, Tim Xiao, David Barber

    Abstract: Linear chain conditional random fields (CRFs) combined with contextual word embeddings have achieved state of the art performance on sequence labeling tasks. In many of these tasks, the identity of the neighboring words is often the most useful contextual information when predicting the label of a given word. However, contextual embeddings are usually trained in a task-agnostic manner. This means… ▽ More

    Submitted 30 March, 2021; originally announced March 2021.

  20. arXiv:2010.13476  [pdf, other

    cs.LG

    Reducing the Computational Cost of Deep Generative Models with Binary Neural Networks

    Authors: Thomas Bird, Friso H. Kingma, David Barber

    Abstract: Deep generative models provide a powerful set of tools to understand real-world data. But as these models improve, they increase in size and complexity, so their computational cost in memory and execution time grows. Using binary weights in neural networks is one method which has shown promise in reducing this cost. However, whether binary neural networks can be used in generative models is an ope… ▽ More

    Submitted 3 May, 2021; v1 submitted 26 October, 2020; originally announced October 2020.

    Comments: Accepted to ICLR 2021

  21. arXiv:2010.12464  [pdf, other

    cs.LG stat.ML

    Representation Learning for High-Dimensional Data Collection under Local Differential Privacy

    Authors: Alex Mansbridge, Gregory Barbour, Davide Piras, Michael Murray, Christopher Frye, Ilya Feige, David Barber

    Abstract: The collection of individuals' data has become commonplace in many industries. Local differential privacy (LDP) offers a rigorous approach to preserving privacy whereby the individual privatises their data locally, allowing only their perturbed datum to leave their possession. LDP thus provides a provable privacy guarantee to the individual against both adversaries and database administrators. Exi… ▽ More

    Submitted 14 May, 2022; v1 submitted 23 October, 2020; originally announced October 2020.

  22. arXiv:2010.03467  [pdf, other

    stat.ML cs.CV cs.LG

    Learning Deep-Latent Hierarchies by Stacking Wasserstein Autoencoders

    Authors: Benoit Gaujac, Ilya Feige, David Barber

    Abstract: Probabilistic models with hierarchical-latent-variable structures provide state-of-the-art results amongst non-autoregressive, unsupervised density-based models. However, the most common approach to training such models based on Variational Autoencoders (VAEs) often fails to leverage deep-latent hierarchies; successful approaches require complex inference and optimisation schemes. Optimal Transpor… ▽ More

    Submitted 7 October, 2020; originally announced October 2020.

  23. arXiv:2010.03459  [pdf, other

    stat.ML cs.CV cs.LG

    Learning disentangled representations with the Wasserstein Autoencoder

    Authors: Benoit Gaujac, Ilya Feige, David Barber

    Abstract: Disentangled representation learning has undoubtedly benefited from objective function surgery. However, a delicate balancing act of tuning is still required in order to trade off reconstruction fidelity versus disentanglement. Building on previous successes of penalizing the total correlation in the latent variables, we propose TCWAE (Total Correlation Wasserstein Autoencoder). Working in the WAE… ▽ More

    Submitted 7 October, 2020; originally announced October 2020.

  24. arXiv:2005.00146  [pdf, other

    cs.LG stat.ML

    Addressing Catastrophic Forgetting in Few-Shot Problems

    Authors: Pauching Yap, Hippolyt Ritter, David Barber

    Abstract: Neural networks are known to suffer from catastrophic forgetting when trained on sequential datasets. While there have been numerous attempts to solve this problem in large-scale supervised classification, little has been done to overcome catastrophic forgetting in few-shot classification problems. We demonstrate that the popular gradient-based model-agnostic meta-learning algorithm (MAML) indeed… ▽ More

    Submitted 21 June, 2021; v1 submitted 30 April, 2020; originally announced May 2020.

    Comments: ICML 2021

  25. arXiv:2001.04942  [pdf, other

    cs.LG stat.ML

    Private Machine Learning via Randomised Response

    Authors: David Barber

    Abstract: We introduce a general learning framework for private machine learning based on randomised response. Our assumption is that all actors are potentially adversarial and as such we trust only to release a single noisy version of an individual's datapoint. We discuss a general approach that forms a consistent way to estimate the true underlying machine learning model and demonstrate this in the case o… ▽ More

    Submitted 24 February, 2020; v1 submitted 14 January, 2020; originally announced January 2020.

  26. arXiv:1912.09953  [pdf, other

    eess.IV cs.CV cs.LG stat.ML

    HiLLoC: Lossless Image Compression with Hierarchical Latent Variable Models

    Authors: James Townsend, Thomas Bird, Julius Kunze, David Barber

    Abstract: We make the following striking observation: fully convolutional VAE models trained on 32x32 ImageNet can generalize well, not just to 64x64 but also to far larger photographs, with no changes to the model. We use this property, applying fully convolutional models to lossless compression, demonstrating a method to scale the VAE-based 'Bits-Back with ANS' algorithm for lossless compression to large… ▽ More

    Submitted 20 December, 2019; originally announced December 2019.

  27. arXiv:1907.11891  [pdf, other

    stat.ML cs.LG

    Variational f-divergence Minimization

    Authors: Mingtian Zhang, Thomas Bird, Raza Habib, Tianlin Xu, David Barber

    Abstract: Probabilistic models are often trained by maximum likelihood, which corresponds to minimizing a specific f-divergence between the model and data distribution. In light of recent successes in training Generative Adversarial Networks, alternative non-likelihood training criteria have been proposed. Whilst not necessarily statistically efficient, these alternatives may better match user requirements… ▽ More

    Submitted 27 July, 2019; originally announced July 2019.

  28. arXiv:1902.04340  [pdf, other

    cs.LG cs.IT stat.ML

    Gaussian Mean Field Regularizes by Limiting Learned Information

    Authors: Julius Kunze, Louis Kirsch, Hippolyt Ritter, David Barber

    Abstract: Variational inference with a factorized Gaussian posterior estimate is a widely used approach for learning parameters and hidden variables. Empirically, a regularizing effect can be observed that is poorly understood. In this work, we show how mean field inference improves generalization by limiting mutual information between learned parameters and the data through noise. We quantify a maximum cap… ▽ More

    Submitted 12 February, 2019; originally announced February 2019.

  29. arXiv:1901.04866  [pdf, other

    cs.LG cs.AI cs.IT stat.CO stat.ML

    Practical Lossless Compression with Latent Variables using Bits Back Coding

    Authors: James Townsend, Tom Bird, David Barber

    Abstract: Deep latent variable models have seen recent success in many data domains. Lossless compression is an application of these models which, despite having the potential to be highly useful, has yet to be implemented in a practical manner. We present `Bits Back with ANS' (BB-ANS), a scheme to perform lossless compression with latent variable models at a near optimal rate. We demonstrate this scheme by… ▽ More

    Submitted 15 January, 2019; originally announced January 2019.

  30. arXiv:1811.08968  [pdf, other

    stat.ML cs.LG

    Spread Divergence

    Authors: Mingtian Zhang, Peter Hayes, Tom Bird, Raza Habib, David Barber

    Abstract: For distributions $\mathbb{P}$ and $\mathbb{Q}$ with different supports or undefined densities, the divergence $\textrm{D}(\mathbb{P}||\mathbb{Q})$ may not exist. We define a Spread Divergence $\tilde{\textrm{D}}(\mathbb{P}||\mathbb{Q})$ on modified $\mathbb{P}$ and $\mathbb{Q}$ and describe sufficient conditions for the existence of such a divergence. We demonstrate how to maximize the discrimina… ▽ More

    Submitted 4 December, 2022; v1 submitted 21 November, 2018; originally announced November 2018.

    Journal ref: Volume 119: International Conference on Machine Learning, 13-18 July 2020, Virtual

  31. arXiv:1811.05249  [pdf, other

    cs.LG cs.AI stat.ML

    Modular Networks: Learning to Decompose Neural Computation

    Authors: Louis Kirsch, Julius Kunze, David Barber

    Abstract: Scaling model capacity has been vital in the success of deep learning. For a typical network, necessary compute resources and training time grow dramatically with model size. Conditional computation is a promising way to increase the number of parameters with a relatively small increase in resources. We propose a training algorithm that flexibly chooses neural modules based on the data to be proce… ▽ More

    Submitted 13 November, 2018; originally announced November 2018.

    Comments: NIPS 2018

  32. arXiv:1809.04855  [pdf, other

    stat.ML cs.LG

    Stochastic Variational Optimization

    Authors: Thomas Bird, Julius Kunze, David Barber

    Abstract: Variational Optimization forms a differentiable upper bound on an objective. We show that approaches such as Natural Evolution Strategies and Gaussian Perturbation, are special cases of Variational Optimization in which the expectations are approximated by Gaussian sampling. These approaches are of particular interest because they are parallelizable. We calculate the approximate bias and variance… ▽ More

    Submitted 13 September, 2018; originally announced September 2018.

  33. arXiv:1809.03137  [pdf, other

    cs.CV cs.LG stat.ML

    Tracking by Animation: Unsupervised Learning of Multi-Object Attentive Trackers

    Authors: Zhen He, Jian Li, Daxue Liu, Hangen He, David Barber

    Abstract: Online Multi-Object Tracking (MOT) from videos is a challenging computer vision task which has been extensively studied for decades. Most of the existing MOT algorithms are based on the Tracking-by-Detection (TBD) paradigm combined with popular machine learning approaches which largely reduce the human effort to tune algorithm parameters. However, the commonly used supervised learning approaches r… ▽ More

    Submitted 8 April, 2019; v1 submitted 10 September, 2018; originally announced September 2018.

    Comments: CVPR 2019

  34. arXiv:1806.05178  [pdf, other

    cs.CL cs.LG stat.ML

    Generating Sentences Using a Dynamic Canvas

    Authors: Harshil Shah, Bowen Zheng, David Barber

    Abstract: We introduce the Attentive Unsupervised Text (W)riter (AUTR), which is a word level generative model for natural language. It uses a recurrent neural network with a dynamic attention and canvas memory mechanism to iteratively construct sentences. By viewing the state of the memory at intermediate stages and where the model is placing its attention, we gain insight into how it constructs sentences.… ▽ More

    Submitted 13 June, 2018; originally announced June 2018.

    Comments: AAAI 2018

  35. arXiv:1806.05138  [pdf, other

    cs.CL cs.LG stat.ML

    Generative Neural Machine Translation

    Authors: Harshil Shah, David Barber

    Abstract: We introduce Generative Neural Machine Translation (GNMT), a latent variable architecture which is designed to model the semantics of the source and target sentences. We modify an encoder-decoder translation model by adding a latent variable as a language agnostic representation which is encouraged to learn the meaning of the sentence. GNMT achieves competitive BLEU scores on pure translation task… ▽ More

    Submitted 13 June, 2018; originally announced June 2018.

  36. arXiv:1806.04480  [pdf, other

    stat.ML cs.LG

    Improving latent variable descriptiveness with AutoGen

    Authors: Alex Mansbridge, Roberto Fierimonte, Ilya Feige, David Barber

    Abstract: Powerful generative models, particularly in Natural Language Modelling, are commonly trained by maximizing a variational lower bound on the data log likelihood. These models often suffer from poor use of their latent variable, with ad-hoc annealing factors used to encourage retention of information in the latent variable. We discuss an alternative and general approach to latent variable modelling,… ▽ More

    Submitted 12 June, 2018; originally announced June 2018.

    Comments: 8 pages, 2 figures, 5 tables

  37. arXiv:1806.04465  [pdf, other

    stat.ML cs.LG

    Gaussian mixture models with Wasserstein distance

    Authors: Benoit Gaujac, Ilya Feige, David Barber

    Abstract: Generative models with both discrete and continuous latent variables are highly motivated by the structure of many real-world data sets. They present, however, subtleties in training often manifesting in the discrete latent being under leveraged. In this paper, we show that such models are more amenable to training when using the Optimal Transport framework of Wasserstein Autoencoders. We find our… ▽ More

    Submitted 12 June, 2018; originally announced June 2018.

    Comments: 8 pages, 5 figures

  38. arXiv:1805.07810  [pdf, other

    stat.ML cs.LG

    Online Structured Laplace Approximations For Overcoming Catastrophic Forgetting

    Authors: Hippolyt Ritter, Aleksandar Botev, David Barber

    Abstract: We introduce the Kronecker factored online Laplace approximation for overcoming catastrophic forgetting in neural networks. The method is grounded in a Bayesian online learning framework, where we recursively approximate the posterior after every task with a Gaussian, leading to a quadratic penalty on changes to the weights. The Laplace approximation requires calculating the Hessian around a mode,… ▽ More

    Submitted 20 May, 2018; originally announced May 2018.

    Comments: 13 pages, 6 figures

  39. arXiv:1711.01577  [pdf, other

    stat.ML cs.AI cs.LG cs.NE

    Wider and Deeper, Cheaper and Faster: Tensorized LSTMs for Sequence Learning

    Authors: Zhen He, Shaobing Gao, Liang Xiao, Daxue Liu, Hangen He, David Barber

    Abstract: Long Short-Term Memory (LSTM) is a popular approach to boosting the ability of Recurrent Neural Networks to store longer term temporal information. The capacity of an LSTM network can be increased by widening and adding layers. However, usually the former introduces additional parameters, while the latter increases the runtime. As an alternative we propose the Tensorized LSTM in which the hidden s… ▽ More

    Submitted 12 December, 2017; v1 submitted 5 November, 2017; originally announced November 2017.

    Comments: Accepted by NIPS 2017

  40. arXiv:1705.08439  [pdf, other

    cs.AI

    Thinking Fast and Slow with Deep Learning and Tree Search

    Authors: Thomas Anthony, Zheng Tian, David Barber

    Abstract: Sequential decision making problems, such as structured prediction, robotic control, and game playing, require a combination of planning policies and generalisation of those plans. In this paper, we present Expert Iteration (ExIt), a novel reinforcement learning algorithm which decomposes the problem into separate planning and generalisation tasks. Planning new policies is performed by tree search… ▽ More

    Submitted 3 December, 2017; v1 submitted 23 May, 2017; originally announced May 2017.

    Comments: v1 to v2: - Add a value function in MCTS - Some MCTS hyper-parameters changed - Repetition of experiments: improved accuracy and errors shown. (note the reduction in effect size for the tpt/cat experiment) - Results from a longer training run, including changes in expert strength in training - Comparison to MoHex. v3: clarify independence of ExIt and AG0. v4: see appendix E

  41. arXiv:1703.08561  [pdf, other

    cs.RO cs.MA

    AutonoVi: Autonomous Vehicle Planning with Dynamic Maneuvers and Traffic Constraints

    Authors: Andrew Best, Sahil Narang, Daniel Barber, Dinesh Manocha

    Abstract: We present AutonoVi:, a novel algorithm for autonomous vehicle navigation that supports dynamic maneuvers and satisfies traffic constraints and norms. Our approach is based on optimization-based maneuver planning that supports dynamic lane-changes, swerving, and braking in all traffic scenarios and guides the vehicle to its goal position. We take into account various traffic constraints, including… ▽ More

    Submitted 29 March, 2017; v1 submitted 24 March, 2017; originally announced March 2017.

    Comments: 9 pages, 6 figures

  42. arXiv:1607.01981  [pdf, other

    stat.ML cs.LG

    Nesterov's Accelerated Gradient and Momentum as approximations to Regularised Update Descent

    Authors: Aleksandar Botev, Guy Lever, David Barber

    Abstract: We present a unifying framework for adapting the update direction in gradient-based iterative optimization methods. As natural special cases we re-derive classical momentum and Nesterov's accelerated gradient method, lending a new intuitive interpretation to the latter algorithm. We show that a new algorithm, which we term Regularised Gradient Descent, can converge more quickly than either Nestero… ▽ More

    Submitted 11 July, 2016; v1 submitted 7 July, 2016; originally announced July 2016.

  43. arXiv:1212.4507  [pdf, ps, other

    stat.ML cs.LG math.NA

    Variational Optimization

    Authors: Joe Staines, David Barber

    Abstract: We discuss a general technique that can be used to form a differentiable bound on the optima of non-differentiable or discrete objective functions. We form a unified description of these methods and consider under which circumstances the bound is concave. In particular we consider two concrete applications of the method, namely sparse learning and support vector classification.

    Submitted 20 December, 2012; v1 submitted 18 December, 2012; originally announced December 2012.

    MSC Class: 65K10 ACM Class: G.1.6

  44. arXiv:1206.6459  [pdf

    cs.CE cs.LG stat.ME

    Bayesian Conditional Cointegration

    Authors: Chris Bracegirdle, David Barber

    Abstract: Cointegration is an important topic for time-series, and describes a relationship between two series in which a linear combination is stationary. Classically, the test for cointegration is based on a two stage process in which first the linear relation between the series is estimated by Ordinary Least Squares. Subsequently a unit root test is performed on the residuals. A well-known deficiency of… ▽ More

    Submitted 27 June, 2012; originally announced June 2012.

    Comments: Appears in Proceedings of the 29th International Conference on Machine Learning (ICML 2012)

  45. arXiv:1206.3237  [pdf

    cs.DM cs.LG stat.ML

    Clique Matrices for Statistical Graph Decomposition and Parameterising Restricted Positive Definite Matrices

    Authors: David Barber

    Abstract: We introduce Clique Matrices as an alternative representation of undirected graphs, being a generalisation of the incidence matrix representation. Here we use clique matrices to decompose a graph into a set of possibly overlap** clusters, de ned as well-connected subsets of vertices. The decomposition is based on a statistical description which encourages clusters to be well connected and few in… ▽ More

    Submitted 13 June, 2012; originally announced June 2012.

    Comments: Appears in Proceedings of the Twenty-Fourth Conference on Uncertainty in Artificial Intelligence (UAI2008)

    Report number: UAI-P-2008-PG-26-33

  46. arXiv:1202.3720  [pdf

    eess.SY cs.AI

    Efficient Inference in Markov Control Problems

    Authors: Thomas Furmston, David Barber

    Abstract: Markov control algorithms that perform smooth, non-greedy updates of the policy have been shown to be very general and versatile, with policy gradient and Expectation Maximisation algorithms being particularly popular. For these algorithms, marginal inference of the reward weighted trajectory distribution is required to perform policy updates. We discuss a new exact inference algorithm for these m… ▽ More

    Submitted 14 February, 2012; originally announced February 2012.

    Report number: UAI-P-2011-PG-221-229

  47. arXiv:1107.3090  [pdf, other

    cs.CC cs.LG eess.SY math.OC

    On the Computational Complexity of Stochastic Controller Optimization in POMDPs

    Authors: Nikos Vlassis, Michael L. Littman, David Barber

    Abstract: We show that the problem of finding an optimal stochastic 'blind' controller in a Markov decision process is an NP-hard problem. The corresponding decision problem is NP-hard, in PSPACE, and SQRT-SUM-hard, hence placing it in NP would imply breakthroughs in long-standing open problems in computer science. Our result establishes that the more general problem of stochastic controller optimization in… ▽ More

    Submitted 4 October, 2012; v1 submitted 15 July, 2011; originally announced July 2011.

    Comments: Corrected error in the proof of Theorem 2, and revised Section 5

    ACM Class: F.2.1

  48. Variational Cumulant Expansions for Intractable Distributions

    Authors: D. Barber, P. de van Laar

    Abstract: Intractable distributions present a common difficulty in inference within the probabilistic knowledge representation framework and variational methods have recently been popular in providing an approximate solution. In this article, we describe a perturbational approach in the form of a cumulant expansion which, to lowest order, recovers the standard Kullback-Leibler variational bou… ▽ More

    Submitted 26 May, 2011; originally announced May 2011.

    Journal ref: Journal Of Artificial Intelligence Research, Volume 10, pages 435-455, 1999