Skip to main content

Showing 1–39 of 39 results for author: Torr, P H

Searching in archive stat. Search in all archives.
.
  1. arXiv:2405.13922  [pdf, other

    cs.LG stat.ML

    Towards Certification of Uncertainty Calibration under Adversarial Attacks

    Authors: Cornelius Emde, Francesco Pinto, Thomas Lukasiewicz, Philip H. S. Torr, Adel Bibi

    Abstract: Since neural classifiers are known to be sensitive to adversarial perturbations that alter their accuracy, \textit{certification methods} have been developed to provide provable guarantees on the insensitivity of their predictions to such perturbations. Furthermore, in safety-critical applications, the frequentist interpretation of the confidence of a classifier (also known as model calibration) c… ▽ More

    Submitted 22 May, 2024; originally announced May 2024.

    Comments: 11 pages main paper, appendix included

  2. arXiv:2211.14960  [pdf, other

    cs.LG stat.ML

    Label Alignment Regularization for Distribution Shift

    Authors: Ehsan Imani, Guojun Zhang, Runjia Li, Jun Luo, Pascal Poupart, Philip H. S. Torr, Yangchen Pan

    Abstract: Recent work has highlighted the label alignment property (LAP) in supervised learning, where the vector of all labels in the dataset is mostly in the span of the top few singular vectors of the data matrix. Drawing inspiration from this observation, we propose a regularization method for unsupervised domain adaptation that encourages alignment between the predictions in the target domain and its t… ▽ More

    Submitted 11 June, 2024; v1 submitted 27 November, 2022; originally announced November 2022.

  3. arXiv:2211.14794  [pdf, other

    cs.CV cs.AI cs.LG cs.MM stat.ML

    Traditional Classification Neural Networks are Good Generators: They are Competitive with DDPMs and GANs

    Authors: Guangrun Wang, Philip H. S. Torr

    Abstract: Classifiers and generators have long been separated. We break down this separation and showcase that conventional neural network classifiers can generate high-quality images of a large number of categories, being comparable to the state-of-the-art generative models (e.g., DDPMs and GANs). We achieve this by computing the partial derivative of the classification loss function with respect to the in… ▽ More

    Submitted 8 December, 2022; v1 submitted 27 November, 2022; originally announced November 2022.

    Comments: This paper has 29 pages with 22 figures, including rich supplementary information. Project page is at \url{https://classifier-as-generator.github.io/}

  4. arXiv:2206.08871  [pdf, other

    cs.LG stat.ML

    How Robust is Unsupervised Representation Learning to Distribution Shift?

    Authors: Yuge Shi, Imant Daunhawer, Julia E. Vogt, Philip H. S. Torr, Amartya Sanyal

    Abstract: The robustness of machine learning algorithms to distributions shift is primarily discussed in the context of supervised learning (SL). As such, there is a lack of insight on the robustness of the representations learned from unsupervised methods, such as self-supervised learning (SSL) and auto-encoder based algorithms (AE), to distribution shift. We posit that the input-driven objectives of unsup… ▽ More

    Submitted 16 December, 2022; v1 submitted 17 June, 2022; originally announced June 2022.

  5. arXiv:2110.02483  [pdf, other

    stat.ML cs.CR cs.LG stat.AP

    Detecting and Quantifying Malicious Activity with Simulation-based Inference

    Authors: Andrew Gambardella, Bogdan State, Naeemullah Khan, Leo Tsourides, Philip H. S. Torr, Atılım Güneş Baydin

    Abstract: We propose the use of probabilistic programming techniques to tackle the malicious user identification problem in a recommendation algorithm. Probabilistic programming provides numerous advantages over other techniques, including but not limited to providing a disentangled representation of how malicious users acted under a structured model, as well as allowing for the quantification of damage cau… ▽ More

    Submitted 7 October, 2021; v1 submitted 5 October, 2021; originally announced October 2021.

    Comments: Short version, appeared at ICML workshop on Socially Responsible Machine Learning 2021

  6. arXiv:2107.00996  [pdf, other

    cs.LG stat.ML

    DeformRS: Certifying Input Deformations with Randomized Smoothing

    Authors: Motasem Alfarra, Adel Bibi, Naeemullah Khan, Philip H. S. Torr, Bernard Ghanem

    Abstract: Deep neural networks are vulnerable to input deformations in the form of vector fields of pixel displacements and to other parameterized geometric deformations e.g. translations, rotations, etc. Current input deformation certification methods either 1. do not scale to deep networks on large input datasets, or 2. can only certify a specific class of deformations, e.g. only rotations. We reformulate… ▽ More

    Submitted 19 December, 2021; v1 submitted 2 July, 2021; originally announced July 2021.

    Comments: Accepted to AAAI Conference on Artificial Intelligence (AAAI'22)

  7. arXiv:2104.09937  [pdf, other

    cs.LG stat.ML

    Gradient Matching for Domain Generalization

    Authors: Yuge Shi, Jeffrey Seely, Philip H. S. Torr, N. Siddharth, Awni Hannun, Nicolas Usunier, Gabriel Synnaeve

    Abstract: Machine learning systems typically assume that the distributions of training and test sets match closely. However, a critical requirement of such systems in the real world is their ability to generalize to unseen domains. Here, we propose an inter-domain gradient matching objective that targets domain generalization by maximizing the inner product between gradients from different domains. Since di… ▽ More

    Submitted 13 July, 2021; v1 submitted 20 April, 2021; originally announced April 2021.

  8. arXiv:2104.06718  [pdf, other

    cs.LG cs.LO stat.ML

    Improved Branch and Bound for Neural Network Verification via Lagrangian Decomposition

    Authors: Alessandro De Palma, Rudy Bunel, Alban Desmaison, Krishnamurthy Dvijotham, Pushmeet Kohli, Philip H. S. Torr, M. Pawan Kumar

    Abstract: We improve the scalability of Branch and Bound (BaB) algorithms for formally proving input-output properties of neural networks. First, we propose novel bounding algorithms based on Lagrangian Decomposition. Previous works have used off-the-shelf solvers to solve relaxations at each node of the BaB tree, or constructed weaker relaxations that can be solved efficiently, but lead to unnecessarily we… ▽ More

    Submitted 14 April, 2021; originally announced April 2021.

    Comments: Submitted for review to JMLR. This is an extended version of our paper in the UAI-20 conference (arXiv:2002.10410)

  9. arXiv:2102.11582  [pdf, other

    cs.LG stat.ML

    Deep Deterministic Uncertainty: A Simple Baseline

    Authors: Jishnu Mukhoti, Andreas Kirsch, Joost van Amersfoort, Philip H. S. Torr, Yarin Gal

    Abstract: Reliable uncertainty from deterministic single-forward pass models is sought after because conventional methods of uncertainty quantification are computationally expensive. We take two complex single-forward-pass uncertainty approaches, DUQ and SNGP, and examine whether they mainly rely on a well-regularized feature space. Crucially, without using their more complex methods for estimating uncertai… ▽ More

    Submitted 28 January, 2022; v1 submitted 23 February, 2021; originally announced February 2021.

  10. arXiv:2012.13220  [pdf, other

    cs.LG stat.ML

    On Batch Normalisation for Approximate Bayesian Inference

    Authors: Jishnu Mukhoti, Puneet K. Dokania, Philip H. S. Torr, Yarin Gal

    Abstract: We study batch normalisation in the context of variational inference methods in Bayesian neural networks, such as mean-field or MC Dropout. We show that batch-normalisation does not affect the optimum of the evidence lower bound (ELBO). Furthermore, we study the Monte Carlo Batch Normalisation (MCBN) algorithm, proposed as an approximate inference technique parallel to MC Dropout, and show that fo… ▽ More

    Submitted 24 December, 2020; originally announced December 2020.

  11. arXiv:2008.08424  [pdf, other

    cs.CV cs.GR cs.LG stat.ML

    AutoSimulate: (Quickly) Learning Synthetic Data Generation

    Authors: Harkirat Singh Behl, Atılım Güneş Baydin, Ran Gal, Philip H. S. Torr, Vibhav Vineet

    Abstract: Simulation is increasingly being used for generating large labelled datasets in many machine learning problems. Recent methods have focused on adjusting simulator parameters with the goal of maximising accuracy on a validation task, usually relying on REINFORCE-like gradient estimators. However these approaches are very expensive as they treat the entire data generation, model training, and valida… ▽ More

    Submitted 16 August, 2020; originally announced August 2020.

    Comments: ECCV 2020

    Journal ref: European Conference on Computer Vision (ECCV) 2020

  12. arXiv:2007.04028  [pdf, other

    cs.LG stat.ML

    How benign is benign overfitting?

    Authors: Amartya Sanyal, Puneet K Dokania, Varun Kanade, Philip H. S. Torr

    Abstract: We investigate two causes for adversarial vulnerability in deep neural networks: bad data and (poorly) trained models. When trained with SGD, deep neural networks essentially achieve zero training error, even in the presence of label noise, while also exhibiting good generalization on natural test data, something referred to as benign overfitting [2, 10]. However, these models are vulnerable to ad… ▽ More

    Submitted 8 July, 2020; originally announced July 2020.

  13. arXiv:2007.01179  [pdf, other

    cs.LG stat.ML

    Relating by Contrasting: A Data-efficient Framework for Multimodal Generative Models

    Authors: Yuge Shi, Brooks Paige, Philip H. S. Torr, N. Siddharth

    Abstract: Multimodal learning for generative models often refers to the learning of abstract concepts from the commonality of information in multiple modalities, such as vision and language. While it has proven effective for learning generalisable representations, the training of such models often requires a large amount of "related" multimodal data that shares commonality, which can be expensive to come by… ▽ More

    Submitted 21 April, 2021; v1 submitted 2 July, 2020; originally announced July 2020.

  14. arXiv:2006.10711  [pdf, other

    cs.LG stat.ML

    STEER: Simple Temporal Regularization For Neural ODEs

    Authors: Arnab Ghosh, Harkirat Singh Behl, Emilien Dupont, Philip H. S. Torr, Vinay Namboodiri

    Abstract: Training Neural Ordinary Differential Equations (ODEs) is often computationally expensive. Indeed, computing the forward pass of such models involves solving an ODE which can become arbitrarily complex during training. Recent works have shown that regularizing the dynamics of the ODE can partially alleviate this. In this paper we propose a new regularization technique: randomly sampling the end ti… ▽ More

    Submitted 2 November, 2020; v1 submitted 18 June, 2020; originally announced June 2020.

    Comments: Neurips 2020

  15. arXiv:2006.10102  [pdf, other

    cs.LG stat.ML

    Capturing Label Characteristics in VAEs

    Authors: Tom Joy, Sebastian M. Schmon, Philip H. S. Torr, N. Siddharth, Tom Rainforth

    Abstract: We present a principled approach to incorporating labels in VAEs that captures the rich characteristic information associated with those labels. While prior work has typically conflated these by learning latent variables that directly correspond to label values, we argue this is contrary to the intended effect of supervision in VAEs-capturing rich label characteristics with the latents. For exampl… ▽ More

    Submitted 16 December, 2022; v1 submitted 17 June, 2020; originally announced June 2020.

    Comments: Accepted to ICLR 2021

  16. arXiv:2003.11316  [pdf, other

    cs.LG stat.ML

    Understanding the Effects of Data Parallelism and Sparsity on Neural Network Training

    Authors: Namhoon Lee, Thalaiyasingam Ajanthan, Philip H. S. Torr, Martin Jaggi

    Abstract: We study two factors in neural network training: data parallelism and sparsity; here, data parallelism means processing training data in parallel using distributed systems (or equivalently increasing batch size), so that training can be accelerated; for sparsity, we refer to pruning parameters in a neural network model, so as to reduce computational and memory cost. Despite their promising benefit… ▽ More

    Submitted 2 April, 2021; v1 submitted 25 March, 2020; originally announced March 2020.

    Comments: ICLR 2021

  17. arXiv:2003.06709  [pdf, other

    cs.LG cs.AI stat.ML

    FACMAC: Factored Multi-Agent Centralised Policy Gradients

    Authors: Bei Peng, Tabish Rashid, Christian A. Schroeder de Witt, Pierre-Alexandre Kamienny, Philip H. S. Torr, Wendelin Böhmer, Shimon Whiteson

    Abstract: We propose FACtored Multi-Agent Centralised policy gradients (FACMAC), a new method for cooperative multi-agent reinforcement learning in both discrete and continuous action spaces. Like MADDPG, a popular multi-agent actor-critic method, our approach uses deep deterministic policy gradients to learn policies. However, FACMAC learns a centralised but factored critic, which combines per-agent utilit… ▽ More

    Submitted 7 May, 2021; v1 submitted 14 March, 2020; originally announced March 2020.

  18. arXiv:2002.10410  [pdf, other

    cs.LG stat.ML

    Lagrangian Decomposition for Neural Network Verification

    Authors: Rudy Bunel, Alessandro De Palma, Alban Desmaison, Krishnamurthy Dvijotham, Pushmeet Kohli, Philip H. S. Torr, M. Pawan Kumar

    Abstract: A fundamental component of neural network verification is the computation of bounds on the values their outputs can take. Previous methods have either used off-the-shelf solvers, discarding the problem structure, or relaxed the problem even further, making the bounds unnecessarily loose. We propose a novel approach based on Lagrangian Decomposition. Our formulation admits an efficient supergradien… ▽ More

    Submitted 17 June, 2020; v1 submitted 24 February, 2020; originally announced February 2020.

    Comments: UAI 2020 conference paper

  19. arXiv:2002.09437  [pdf, other

    cs.LG cs.CV stat.ML

    Calibrating Deep Neural Networks using Focal Loss

    Authors: Jishnu Mukhoti, Viveka Kulharia, Amartya Sanyal, Stuart Golodetz, Philip H. S. Torr, Puneet K. Dokania

    Abstract: Miscalibration - a mismatch between a model's confidence and its correctness - of Deep Neural Networks (DNNs) makes their predictions hard to rely on. Ideally, we want networks to be accurate, calibrated and confident. We show that, as opposed to the standard cross-entropy loss, focal loss [Lin et. al., 2017] allows us to learn models that are already very well calibrated. When combined with tempe… ▽ More

    Submitted 26 October, 2020; v1 submitted 21 February, 2020; originally announced February 2020.

    Comments: This paper was accepted at NeurIPS 2020

  20. arXiv:1911.13270  [pdf, other

    cs.LG cs.CV stat.ML

    Transflow Learning: Repurposing Flow Models Without Retraining

    Authors: Andrew Gambardella, Atılım Güneş Baydin, Philip H. S. Torr

    Abstract: It is well known that deep generative models have a rich latent space, and that it is possible to smoothly manipulate their outputs by traversing this latent space. Recently, architectures have emerged that allow for more complex manipulations, such as making an image look as though it were from a different class, or painted in a certain style. These methods typically require large amounts of trai… ▽ More

    Submitted 5 December, 2019; v1 submitted 29 November, 2019; originally announced November 2019.

  21. arXiv:1911.03393  [pdf, other

    stat.ML cs.LG

    Variational Mixture-of-Experts Autoencoders for Multi-Modal Deep Generative Models

    Authors: Yuge Shi, N. Siddharth, Brooks Paige, Philip H. S. Torr

    Abstract: Learning generative models that span multiple data modalities, such as vision and language, is often motivated by the desire to learn more useful, generalisable representations that faithfully capture common underlying factors between the modalities. In this work, we characterise successful learning of such models as the fulfillment of four criteria: i) implicit latent decomposition into shared an… ▽ More

    Submitted 8 November, 2019; originally announced November 2019.

  22. arXiv:1910.09056  [pdf, other

    cs.LG cs.AI stat.ML

    Amortized Rejection Sampling in Universal Probabilistic Programming

    Authors: Saeid Naderiparizi, Adam Ścibior, Andreas Munk, Mehrdad Ghadiri, Atılım Güneş Baydin, Bradley Gram-Hansen, Christian Schroeder de Witt, Robert Zinkov, Philip H. S. Torr, Tom Rainforth, Yee Whye Teh, Frank Wood

    Abstract: Naive approaches to amortized inference in probabilistic programs with unbounded loops can produce estimators with infinite variance. This is particularly true of importance sampling inference in programs that explicitly include rejection sampling as part of the user-programmed generative procedure. In this paper we develop a new and efficient amortized importance sampling estimator. We prove fini… ▽ More

    Submitted 28 March, 2022; v1 submitted 20 October, 2019; originally announced October 2019.

    Comments: AISTATS 2022 camera ready

  23. arXiv:1910.08237  [pdf, other

    cs.LG cs.CV stat.ML

    Mirror Descent View for Neural Network Quantization

    Authors: Thalaiyasingam Ajanthan, Kartik Gupta, Philip H. S. Torr, Richard Hartley, Puneet K. Dokania

    Abstract: Quantizing large Neural Networks (NN) while maintaining the performance is highly desirable for resource-limited devices due to reduced memory and time complexity. It is usually formulated as a constrained optimization problem and optimized via a modified version of gradient descent. In this work, by interpreting the continuous parameters (unconstrained) as the dual of the quantized ones, we intro… ▽ More

    Submitted 2 March, 2021; v1 submitted 17 October, 2019; originally announced October 2019.

    Comments: This paper was accepted at AISTATS 2021

  24. arXiv:1909.06588  [pdf, other

    cs.LG cs.LO stat.ML

    Branch and Bound for Piecewise Linear Neural Network Verification

    Authors: Rudy Bunel, **gyue Lu, Ilker Turkaslan, Philip H. S. Torr, Pushmeet Kohli, M. Pawan Kumar

    Abstract: The success of Deep Learning and its potential use in many safety-critical applications has motivated research on formal verification of Neural Network (NN) models. In this context, verification involves proving or disproving that an NN model satisfies certain input-output properties. Despite the reputation of learned NN models as black boxes, and the theoretical hardness of proving useful propert… ▽ More

    Submitted 26 October, 2020; v1 submitted 14 September, 2019; originally announced September 2019.

  25. arXiv:1906.06307  [pdf, ps, other

    cs.LG cs.CV stat.ML

    A Signal Propagation Perspective for Pruning Neural Networks at Initialization

    Authors: Namhoon Lee, Thalaiyasingam Ajanthan, Stephen Gould, Philip H. S. Torr

    Abstract: Network pruning is a promising avenue for compressing deep neural networks. A typical approach to pruning starts by training a model and then removing redundant parameters while minimizing the impact on what is learned. Alternatively, a recent approach shows that pruning can be done at initialization prior to training, based on a saliency criterion called connection sensitivity. However, it remain… ▽ More

    Submitted 16 February, 2020; v1 submitted 14 June, 2019; originally announced June 2019.

    Comments: ICLR 2020

  26. arXiv:1906.04659  [pdf, other

    stat.ML cs.LG

    Stable Rank Normalization for Improved Generalization in Neural Networks and GANs

    Authors: Amartya Sanyal, Philip H. S. Torr, Puneet K. Dokania

    Abstract: Exciting new work on the generalization bounds for neural networks (NN) given by Neyshabur et al. , Bartlett et al. closely depend on two parameter-depenedent quantities: the Lipschitz constant upper-bound and the stable rank (a softer version of the rank operator). This leads to an interesting question of whether controlling these quantities might improve the generalization behaviour of NNs. To t… ▽ More

    Submitted 20 February, 2020; v1 submitted 11 June, 2019; originally announced June 2019.

    Comments: Accepted at the International Conference in Learning Representations, 2020, Addis Ababa, Ethiopia

  27. arXiv:1905.12432  [pdf, other

    stat.ML cs.LG

    Hijacking Malaria Simulators with Probabilistic Programming

    Authors: Bradley Gram-Hansen, Christian Schröder de Witt, Tom Rainforth, Philip H. S. Torr, Yee Whye Teh, Atılım Güneş Baydin

    Abstract: Epidemiology simulations have become a fundamental tool in the fight against the epidemics of various infectious diseases like AIDS and malaria. However, the complicated and stochastic nature of these simulators can mean their output is difficult to interpret, which reduces their usefulness to policymakers. In this paper, we introduce an approach that allows one to treat a large class of populatio… ▽ More

    Submitted 29 May, 2019; originally announced May 2019.

    Comments: 6 pages, 3 figures, Accepted at the International Conference on Machine Learning AI for Social Good Workshop, Long Beach, United States, 2019

    Journal ref: ICML Workshop on AI for Social Good, 2018

  28. arXiv:1905.07435  [pdf, other

    cs.LG cs.AI stat.ML

    Alpha MAML: Adaptive Model-Agnostic Meta-Learning

    Authors: Harkirat Singh Behl, Atılım Güneş Baydin, Philip H. S. Torr

    Abstract: Model-agnostic meta-learning (MAML) is a meta-learning technique to train a model on a multitude of learning tasks in a way that primes the model for few-shot learning of new tasks. The MAML algorithm performs well on few-shot learning problems in classification, regression, and fine-tuning of policy gradients in reinforcement learning, but comes with the need for costly hyperparameter tuning for… ▽ More

    Submitted 17 May, 2019; originally announced May 2019.

    Comments: 6th ICML Workshop on Automated Machine Learning (2019)

    Journal ref: ICML Workshop on Automated Machine Learning (2019)

  29. arXiv:1902.10486  [pdf, other

    cs.LG stat.ML

    On Tiny Episodic Memories in Continual Learning

    Authors: Arslan Chaudhry, Marcus Rohrbach, Mohamed Elhoseiny, Thalaiyasingam Ajanthan, Puneet K. Dokania, Philip H. S. Torr, Marc'Aurelio Ranzato

    Abstract: In continual learning (CL), an agent learns from a stream of tasks leveraging prior experience to transfer knowledge to future tasks. It is an ideal framework to decrease the amount of supervision in the existing learning algorithms. But for a successful knowledge transfer, the learner needs to remember how to perform previous tasks. One way to endow the learner the ability to perform tasks seen i… ▽ More

    Submitted 4 June, 2019; v1 submitted 27 February, 2019; originally announced February 2019.

    Comments: Making the main point of the paper more clear

  30. arXiv:1902.08134  [pdf, other

    cs.LG cs.CV stat.ML

    Domain Partitioning Network

    Authors: Botos Csaba, Adnane Boukhayma, Viveka Kulharia, András Horváth, Philip H. S. Torr

    Abstract: Standard adversarial training involves two agents, namely a generator and a discriminator, playing a mini-max game. However, even if the players converge to an equilibrium, the generator may only recover a part of the target data distribution, in a situation commonly referred to as mode collapse. In this work, we present the Domain Partitioning Network (DoPaNet), a new approach to deal with mode c… ▽ More

    Submitted 21 February, 2019; originally announced February 2019.

    Comments: 18 pages, 13 figures

  31. arXiv:1902.04043  [pdf, other

    cs.LG cs.MA stat.ML

    The StarCraft Multi-Agent Challenge

    Authors: Mikayel Samvelyan, Tabish Rashid, Christian Schroeder de Witt, Gregory Farquhar, Nantas Nardelli, Tim G. J. Rudner, Chia-Man Hung, Philip H. S. Torr, Jakob Foerster, Shimon Whiteson

    Abstract: In the last few years, deep multi-agent reinforcement learning (RL) has become a highly active area of research. A particularly challenging class of problems in this area is partially observable, cooperative, multi-agent learning, in which teams of agents must learn to coordinate their behaviour while conditioning only on their private observations. This is an attractive research area since such p… ▽ More

    Submitted 9 December, 2019; v1 submitted 11 February, 2019; originally announced February 2019.

  32. arXiv:1901.08150  [pdf, other

    cs.LG cs.CV stat.ML

    Hypergraph Convolution and Hypergraph Attention

    Authors: Song Bai, Feihu Zhang, Philip H. S. Torr

    Abstract: Recently, graph neural networks have attracted great attention and achieved prominent performance in various research fields. Most of those algorithms have assumed pairwise relationships of objects of interest. However, in many real applications, the relationships between objects are in higher-order, beyond a pairwise formulation. To efficiently learn deep embeddings on the high-order graph-struct… ▽ More

    Submitted 10 October, 2020; v1 submitted 23 January, 2019; originally announced January 2019.

    Comments: Accepted by Pattern Recognition

  33. arXiv:1812.11276  [pdf, other

    cs.LG stat.ML

    Learn to Interpret Atari Agents

    Authors: Zhao Yang, Song Bai, Li Zhang, Philip H. S. Torr

    Abstract: Deep reinforcement learning (DeepRL) agents surpass human-level performance in many tasks. However, the direct map** from states to actions makes it hard to interpret the rationale behind the decision-making of the agents. In contrast to previous a-posteriori methods for visualizing DeepRL policies, in this work, we propose to equip the DeepRL model with an innate visualization ability. Our prop… ▽ More

    Submitted 5 April, 2023; v1 submitted 28 December, 2018; originally announced December 2018.

    Comments: An old report. Uploaded for archival purposes only

  34. arXiv:1805.08136  [pdf, other

    cs.CV cs.LG stat.ML

    Meta-learning with differentiable closed-form solvers

    Authors: Luca Bertinetto, João F. Henriques, Philip H. S. Torr, Andrea Vedaldi

    Abstract: Adapting deep networks to new concepts from a few examples is challenging, due to the high computational requirements of standard fine-tuning procedures. Most work on few-shot learning has thus focused on simple learning techniques for adaptation, such as nearest neighbours or gradient descent. Nonetheless, the machine learning literature contains a wealth of methods that learn non-deep models ver… ▽ More

    Submitted 24 July, 2019; v1 submitted 21 May, 2018; originally announced May 2018.

    Comments: Published at ICLR'19. Code and data available at http://www.robots.ox.ac.uk/~luca/r2d2.html

  35. arXiv:1804.07090  [pdf, other

    cs.LG cs.AI stat.ML

    Robustness via Deep Low-Rank Representations

    Authors: Amartya Sanyal, Varun Kanade, Philip H. S. Torr, Puneet K. Dokania

    Abstract: We investigate the effect of the dimensionality of the representations learned in Deep Neural Networks (DNNs) on their robustness to input perturbations, both adversarial and random. To achieve low dimensionality of learned representations, we propose an easy-to-use, end-to-end trainable, low-rank regularizer (LR) that can be applied to any intermediate layer representation of a DNN. This regulari… ▽ More

    Submitted 19 February, 2020; v1 submitted 19 April, 2018; originally announced April 2018.

  36. arXiv:1706.00400  [pdf, other

    stat.ML cs.AI cs.LG

    Learning Disentangled Representations with Semi-Supervised Deep Generative Models

    Authors: N. Siddharth, Brooks Paige, Jan-Willem van de Meent, Alban Desmaison, Noah D. Goodman, Pushmeet Kohli, Frank Wood, Philip H. S. Torr

    Abstract: Variational autoencoders (VAEs) learn representations of data by jointly training a probabilistic encoder and decoder network. Typically these models encode all features of the data into a single variable. Here we are interested in learning disentangled representations that encode distinct aspects of the data into separate variables. We propose to learn such representations using model architectur… ▽ More

    Submitted 13 November, 2017; v1 submitted 1 June, 2017; originally announced June 2017.

    Comments: Accepted for publication at NIPS 2017

  37. arXiv:1704.02906  [pdf, other

    cs.CV cs.AI cs.GR cs.LG stat.ML

    Multi-Agent Diverse Generative Adversarial Networks

    Authors: Arnab Ghosh, Viveka Kulharia, Vinay Namboodiri, Philip H. S. Torr, Puneet K. Dokania

    Abstract: We propose MAD-GAN, an intuitive generalization to the Generative Adversarial Networks (GANs) and its conditional variants to address the well known problem of mode collapse. First, MAD-GAN is a multi-agent GAN architecture incorporating multiple generators and one discriminator. Second, to enforce that different generators capture diverse high probability modes, the discriminator of MAD-GAN is de… ▽ More

    Submitted 16 July, 2018; v1 submitted 10 April, 2017; originally announced April 2017.

    Comments: This is an updated version of our CVPR'18 paper with the same title. In this version, we also introduce MAD-GAN-Sim in Appendix B

  38. arXiv:1612.00380  [pdf, other

    cs.AI cs.CV stat.ML

    Playing Doom with SLAM-Augmented Deep Reinforcement Learning

    Authors: Shehroze Bhatti, Alban Desmaison, Ondrej Miksik, Nantas Nardelli, N. Siddharth, Philip H. S. Torr

    Abstract: A number of recent approaches to policy learning in 2D game domains have been successful going directly from raw input images to actions. However when employed in complex 3D environments, they typically suffer from challenges related to partial observability, combinatorial exploration spaces, path planning, and a scarcity of rewarding scenarios. Inspired from prior work in human cognition that ind… ▽ More

    Submitted 1 December, 2016; originally announced December 2016.

  39. arXiv:1611.07492  [pdf, other

    stat.ML cs.CV cs.LG

    Inducing Interpretable Representations with Variational Autoencoders

    Authors: N. Siddharth, Brooks Paige, Alban Desmaison, Jan-Willem Van de Meent, Frank Wood, Noah D. Goodman, Pushmeet Kohli, Philip H. S. Torr

    Abstract: We develop a framework for incorporating structured graphical models in the \emph{encoders} of variational autoencoders (VAEs) that allows us to induce interpretable representations through approximate variational inference. This allows us to both perform reasoning (e.g. classification) under the structural constraints of a given graphical model, and use deep generative models to deal with messy,… ▽ More

    Submitted 22 November, 2016; originally announced November 2016.

    Comments: Presented at NIPS 2016 Workshop on Interpretable Machine Learning in Complex Systems