title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Imitating Latent Policies from Observation | In this paper, we describe a novel approach to imitation learning that infers
latent policies directly from state observations. We introduce a method that
characterizes the causal effects of latent actions on observations while
simultaneously predicting their likelihood. We then outline an action alignment
procedure that leverages a small amount of environment interactions to
determine a mapping between the latent and real-world actions. We show that
this corrected labeling can be used for imitating the observed behavior, even
though no expert actions are given. We evaluate our approach within classic
control environments and a platform game and demonstrate that it performs
better than standard approaches. Code for this work is available at
https://github.com/ashedwards/ILPO.
|
Evolution-Guided Policy Gradient in Reinforcement Learning | Deep Reinforcement Learning (DRL) algorithms have been successfully applied
to a range of challenging control tasks. However, these methods typically
suffer from three core difficulties: temporal credit assignment with sparse
rewards, lack of effective exploration, and brittle convergence properties that
are extremely sensitive to hyperparameters. Collectively, these challenges
severely limit the applicability of these approaches to real-world problems.
Evolutionary Algorithms (EAs), a class of black box optimization techniques
inspired by natural evolution, are well suited to address each of these three
challenges. However, EAs typically suffer from high sample complexity and
struggle to solve problems that require optimization of a large number of
parameters. In this paper, we introduce Evolutionary Reinforcement Learning
(ERL), a hybrid algorithm that leverages the population of an EA to provide
diversified data to train an RL agent, and reinserts the RL agent into the EA
population periodically to inject gradient information into the EA. ERL
inherits EA's ability of temporal credit assignment with a fitness metric,
effective exploration with a diverse set of policies, and stability of a
population-based approach and complements it with off-policy DRL's ability to
leverage gradients for higher sample efficiency and faster learning.
Experiments in a range of challenging continuous control benchmarks demonstrate
that ERL significantly outperforms prior DRL and EA methods.
|
Bilinear Attention Networks | Attention networks in multimodal learning provide an efficient way to utilize
given visual information selectively. However, the computational cost to learn
attention distributions for every pair of multimodal input channels is
prohibitively expensive. To solve this problem, co-attention builds two
separate attention distributions for each modality neglecting the interaction
between multimodal inputs. In this paper, we propose bilinear attention
networks (BAN) that find bilinear attention distributions to utilize given
vision-language information seamlessly. BAN considers bilinear interactions
among two groups of input channels, while low-rank bilinear pooling extracts
the joint representations for each pair of channels. Furthermore, we propose a
variant of multimodal residual networks to exploit eight-attention maps of the
BAN efficiently. We quantitatively and qualitatively evaluate our model on
visual question answering (VQA 2.0) and Flickr30k Entities datasets, showing
that BAN significantly outperforms previous methods and achieves new
state-of-the-arts on both datasets.
|
Transductive Boltzmann Machines | We present transductive Boltzmann machines (TBMs), which firstly achieve
transductive learning of the Gibbs distribution. While exact learning of the
Gibbs distribution is impossible by the family of existing Boltzmann machines
due to combinatorial explosion of the sample space, TBMs overcome the problem
by adaptively constructing the minimum required sample space from data to avoid
unnecessary generalization. We theoretically provide bias-variance
decomposition of the KL divergence in TBMs to analyze its learnability, and
empirically demonstrate that TBMs are superior to the fully visible Boltzmann
machines and popularly used restricted Boltzmann machines in terms of
efficiency and effectiveness.
|
Quantizing Convolutional Neural Networks for Low-Power High-Throughput
Inference Engines | Deep learning as a means to inferencing has proliferated thanks to its
versatility and ability to approach or exceed human-level accuracy. These
computational models have seemingly insatiable appetites for computational
resources not only while training, but also when deployed at scales ranging
from data centers all the way down to embedded devices. As such, increasing
consideration is being made to maximize the computational efficiency given
limited hardware and energy resources and, as a result, inferencing with
reduced precision has emerged as a viable alternative to the IEEE 754 Standard
for Floating-Point Arithmetic. We propose a quantization scheme that allows
inferencing to be carried out using arithmetic that is fundamentally more
efficient when compared to even half-precision floating-point. Our quantization
procedure is significant in that we determine our quantization scheme
parameters by calibrating against its reference floating-point model using a
single inference batch rather than (re)training and achieve end-to-end post
quantization accuracies comparable to the reference model.
|
Relating Leverage Scores and Density using Regularized Christoffel
Functions | Statistical leverage scores emerged as a fundamental tool for matrix
sketching and column sampling with applications to low rank approximation,
regression, random feature learning and quadrature. Yet, the very nature of
this quantity is barely understood. Borrowing ideas from the orthogonal
polynomial literature, we introduce the regularized Christoffel function
associated to a positive definite kernel. This uncovers a variational
formulation for leverage scores for kernel methods and allows to elucidate
their relationships with the chosen kernel as well as population density. Our
main result quantitatively describes a decreasing relation between leverage
score and population density for a broad class of kernels on Euclidean spaces.
Numerical simulations support our findings.
|
Multiple-Step Greedy Policies in Online and Approximate Reinforcement
Learning | Multiple-step lookahead policies have demonstrated high empirical competence
in Reinforcement Learning, via the use of Monte Carlo Tree Search or Model
Predictive Control. In a recent work \cite{efroni2018beyond}, multiple-step
greedy policies and their use in vanilla Policy Iteration algorithms were
proposed and analyzed. In this work, we study multiple-step greedy algorithms
in more practical setups. We begin by highlighting a counter-intuitive
difficulty, arising with soft-policy updates: even in the absence of
approximations, and contrary to the 1-step-greedy case, monotonic policy
improvement is not guaranteed unless the update stepsize is sufficiently large.
Taking particular care about this difficulty, we formulate and analyze online
and approximate algorithms that use such a multi-step greedy operator.
|
Stochastic Gradient Descent for Stochastic Doubly-Nonconvex Composite
Optimization | The stochastic gradient descent has been widely used for solving composite
optimization problems in big data analyses. Many algorithms and convergence
properties have been developed. The composite functions were convex primarily
and gradually nonconvex composite functions have been adopted to obtain more
desirable properties. The convergence properties have been investigated, but
only when either of composite functions is nonconvex. There is no convergence
property when both composite functions are nonconvex, which is named the
\textit{doubly-nonconvex} case.To overcome this difficulty, we assume a simple
and weak condition that the penalty function is \textit{quasiconvex} and then
we obtain convergence properties for the stochastic doubly-nonconvex composite
optimization problem.The convergence rate obtained here is of the same order as
the existing work.We deeply analyze the convergence rate with the constant step
size and mini-batch size and give the optimal convergence rate with appropriate
sizes, which is superior to the existing work. Experimental results illustrate
that our method is superior to existing methods.
|
Energy-Efficient Inference Accelerator for Memory-Augmented Neural
Networks on an FPGA | Memory-augmented neural networks (MANNs) are designed for question-answering
tasks. It is difficult to run a MANN effectively on accelerators designed for
other neural networks (NNs), in particular on mobile devices, because MANNs
require recurrent data paths and various types of operations related to
external memory access. We implement an accelerator for MANNs on a
field-programmable gate array (FPGA) based on a data flow architecture.
Inference times are also reduced by inference thresholding, which is a
data-based maximum inner-product search specialized for natural language tasks.
Measurements on the bAbI data show that the energy efficiency of the
accelerator (FLOPS/kJ) was higher than that of an NVIDIA TITAN V GPU by a
factor of about 125, increasing to 140 with inference thresholding
|
A Tensor-Based Sub-Mode Coordinate Algorithm for Stock Prediction | The investment on the stock market is prone to be affected by the Internet.
For the purpose of improving the prediction accuracy, we propose a multi-task
stock prediction model that not only considers the stock correlations but also
supports multi-source data fusion. Our proposed model first utilizes tensor to
integrate the multi-sourced data, including financial Web news, investors'
sentiments extracted from the social network and some quantitative data on
stocks. In this way, the intrinsic relationships among different information
sources can be captured, and meanwhile, multi-sourced information can be
complemented to solve the data sparsity problem. Secondly, we propose an
improved sub-mode coordinate algorithm (SMC). SMC is based on the stock
similarity, aiming to reduce the variance of their subspace in each dimension
produced by the tensor decomposition. The algorithm is able to improve the
quality of the input features, and thus improves the prediction accuracy. And
the paper utilizes the Long Short-Term Memory (LSTM) neural network model to
predict the stock fluctuation trends. Finally, the experiments on 78 A-share
stocks in CSI 100 and thirteen popular HK stocks in the year 2015 and 2016 are
conducted. The results demonstrate the improvement on the prediction accuracy
and the effectiveness of the proposed model.
|
Adversarial Attacks on Neural Networks for Graph Data | Deep learning models for graphs have achieved strong performance for the task
of node classification. Despite their proliferation, currently there is no
study of their robustness to adversarial attacks. Yet, in domains where they
are likely to be used, e.g. the web, adversaries are common. Can deep learning
models for graphs be easily fooled? In this work, we introduce the first study
of adversarial attacks on attributed graphs, specifically focusing on models
exploiting ideas of graph convolutions. In addition to attacks at test time, we
tackle the more challenging class of poisoning/causative attacks, which focus
on the training phase of a machine learning model. We generate adversarial
perturbations targeting the node's features and the graph structure, thus,
taking the dependencies between instances in account. Moreover, we ensure that
the perturbations remain unnoticeable by preserving important data
characteristics. To cope with the underlying discrete domain we propose an
efficient algorithm Nettack exploiting incremental computations. Our
experimental study shows that accuracy of node classification significantly
drops even when performing only few perturbations. Even more, our attacks are
transferable: the learned attacks generalize to other state-of-the-art node
classification models and unsupervised approaches, and likewise are successful
even when only limited knowledge about the graph is given.
|
Adversarial Noise Layer: Regularize Neural Network By Adding Noise | In this paper, we introduce a novel regularization method called Adversarial
Noise Layer (ANL) and its efficient version called Class Adversarial Noise
Layer (CANL), which are able to significantly improve CNN's generalization
ability by adding carefully crafted noise into the intermediate layer
activations. ANL and CANL can be easily implemented and integrated with most of
the mainstream CNN-based models. We compared the effects of the different types
of noise and visually demonstrate that our proposed adversarial noise instruct
CNN models to learn to extract cleaner feature maps, which further reduce the
risk of over-fitting. We also conclude that models trained with ANL or CANL are
more robust to the adversarial examples generated by FGSM than the traditional
adversarial training approaches.
|
Bidirectional Learning for Robust Neural Networks | A multilayer perceptron can behave as a generative classifier by applying
bidirectional learning (BL). It consists of training an undirected neural
network to map input to output and vice-versa; therefore it can produce a
classifier in one direction, and a generator in the opposite direction for the
same data. The learning process of BL tries to reproduce the neuroplasticity
stated in Hebbian theory using only backward propagation of errors. In this
paper, two novel learning techniques are introduced which use BL for improving
robustness to white noise static and adversarial examples. The first method is
bidirectional propagation of errors, which the error propagation occurs in
backward and forward directions. Motivated by the fact that its generative
model receives as input a constant vector per class, we introduce as a second
method the hybrid adversarial networks (HAN). Its generative model receives a
random vector as input and its training is based on generative adversarial
networks (GAN). To assess the performance of BL, we perform experiments using
several architectures with fully and convolutional layers, with and without
bias. Experimental results show that both methods improve robustness to white
noise static and adversarial examples, and even increase accuracy, but have
different behavior depending on the architecture and task, being more
beneficial to use the one or the other. Nevertheless, HAN using a convolutional
architecture with batch normalization presents outstanding robustness, reaching
state-of-the-art accuracy on adversarial examples of hand-written digits.
|
Where Do You Think You're Going?: Inferring Beliefs about Dynamics from
Behavior | Inferring intent from observed behavior has been studied extensively within
the frameworks of Bayesian inverse planning and inverse reinforcement learning.
These methods infer a goal or reward function that best explains the actions of
the observed agent, typically a human demonstrator. Another agent can use this
inferred intent to predict, imitate, or assist the human user. However, a
central assumption in inverse reinforcement learning is that the demonstrator
is close to optimal. While models of suboptimal behavior exist, they typically
assume that suboptimal actions are the result of some type of random noise or a
known cognitive bias, like temporal inconsistency. In this paper, we take an
alternative approach, and model suboptimal behavior as the result of internal
model misspecification: the reason that user actions might deviate from
near-optimal actions is that the user has an incorrect set of beliefs about the
rules -- the dynamics -- governing how actions affect the environment. Our
insight is that while demonstrated actions may be suboptimal in the real world,
they may actually be near-optimal with respect to the user's internal model of
the dynamics. By estimating these internal beliefs from observed behavior, we
arrive at a new method for inferring intent. We demonstrate in simulation and
in a user study with 12 participants that this approach enables us to more
accurately model human intent, and can be used in a variety of applications,
including offering assistance in a shared autonomy framework and inferring
human preferences.
|
Never look back - A modified EnKF method and its application to the
training of neural networks without back propagation | In this work, we present a new derivative-free optimization method and
investigate its use for training neural networks. Our method is motivated by
the Ensemble Kalman Filter (EnKF), which has been used successfully for solving
optimization problems that involve large-scale, highly nonlinear dynamical
systems. A key benefit of the EnKF method is that it requires only the
evaluation of the forward propagation but not its derivatives. Hence, in the
context of neural networks, it alleviates the need for back propagation and
reduces the memory consumption dramatically. However, the method is not a pure
"black-box" global optimization heuristic as it efficiently utilizes the
structure of typical learning problems. Promising first results of the EnKF for
training deep neural networks have been presented recently by Kovachki and
Stuart. We propose an important modification of the EnKF that enables us to
prove convergence of our method to the minimizer of a strongly convex function.
Our method also bears similarity with implicit filtering and we demonstrate its
potential for minimizing highly oscillatory functions using a simple example.
Further, we provide numerical examples that demonstrate the potential of our
method for training deep neural networks.
|
A universal framework for learning the elliptical mixture model | Mixture modelling using elliptical distributions promises enhanced
robustness, flexibility and stability over the widely employed Gaussian mixture
model (GMM). However, existing studies based on the elliptical mixture model
(EMM) are restricted to several specific types of elliptical probability
density functions, which are not supported by general solutions or systematic
analysis frameworks; this significantly limits the rigour and the power of EMMs
in applications. To this end, we propose a novel general framework for
estimating and analysing the EMMs, achieved through Riemannian manifold
optimisation. First, we investigate the relationships between Riemannian
manifolds and elliptical distributions, and the so established connection
between the original manifold and a reformulated one indicates a mismatch
between those manifolds, the major cause of failure of the existing
optimisation for solving general EMMs. We next propose a universal solver which
is based on the optimisation of a re-designed cost and prove the existence of
the same optimum as in the original problem; this is achieved in a simple, fast
and stable way. We further calculate the influence functions of the EMM as
theoretical bounds to quantify robustness to outliers. Comprehensive numerical
results demonstrate the ability of the proposed framework to accommodate EMMs
with different properties of individual functions in a stable way and with fast
convergence speed. Finally, the enhanced robustness and flexibility of the
proposed framework over the standard GMM are demonstrated both analytically and
through comprehensive simulations.
|
Online Learning in Kernelized Markov Decision Processes | We consider online learning for minimizing regret in unknown, episodic Markov
decision processes (MDPs) with continuous states and actions. We develop
variants of the UCRL and posterior sampling algorithms that employ
nonparametric Gaussian process priors to generalize across the state and action
spaces. When the transition and reward functions of the true MDP are members of
the associated Reproducing Kernel Hilbert Spaces of functions induced by
symmetric psd kernels (frequentist setting), we show that the algorithms enjoy
sublinear regret bounds. The bounds are in terms of explicit structural
parameters of the kernels, namely a novel generalization of the information
gain metric from kernelized bandit, and highlight the influence of transition
and reward function structure on the learning performance. Our results are
applicable to multidimensional state and action spaces with composite kernel
structures, and generalize results from the literature on kernelized bandits,
and the adaptive control of parametric linear dynamical systems with quadratic
costs.
|
Super learning in the SAS system | Background and objective: Stacking is an ensemble machine learning method
that averages predictions from multiple other algorithms, such as generalized
linear models and regression trees. An implementation of stacking, called super
learning, has been developed as a general approach to supervised learning and
has seen frequent usage, in part due to the availability of an R package. We
develop super learning in the SAS software system using a new macro, and
demonstrate its performance relative to the R package.
Methods: Following previous work using the R SuperLearner package we assess
the performance of super learning in a number of domains. We compare the R
package with the new SAS macro in a small set of simulations assessing curve
fitting in a predictive model as well in a set of 14 publicly available
datasets to assess cross-validated accuracy.
Results: Across the simulated data and the publicly available data, the SAS
macro performed similarly to the R package, despite a different set of
potential algorithms available natively in R and SAS.
Conclusions: Our super learner macro performs as well as the R package at a
number of tasks. Further, by extending the macro to include the use of R
packages, the macro can leverage both the robust, enterprise oriented
procedures in SAS and the nimble, cutting edge packages in R. In the spirit of
ensemble learning, this macro extends the potential library of algorithms
beyond a single software system and provides a simple avenue into machine
learning in SAS.
|
NEWMA: a new method for scalable model-free online change-point
detection | We consider the problem of detecting abrupt changes in the distribution of a
multi-dimensional time series, with limited computing power and memory. In this
paper, we propose a new, simple method for model-free online change-point
detection that relies only on fast and light recursive statistics, inspired by
the classical Exponential Weighted Moving Average algorithm (EWMA). The
proposed idea is to compute two EWMA statistics on the stream of data with
different forgetting factors, and to compare them. By doing so, we show that we
implicitly compare recent samples with older ones, without the need to
explicitly store them. Additionally, we leverage Random Features (RFs) to
efficiently use the Maximum Mean Discrepancy as a distance between
distributions, furthermore exploiting recent optical hardware to compute
high-dimensional RFs in near constant time. We show that our method is
significantly faster than usual non-parametric methods for a given accuracy.
|
Faster Neural Network Training with Approximate Tensor Operations | We propose a novel technique for faster deep neural network training which
systematically applies sample-based approximation to the constituent tensor
operations, i.e., matrix multiplications and convolutions. We introduce new
sampling techniques, study their theoretical properties, and prove that they
provide the same convergence guarantees when applied to SGD training. We apply
approximate tensor operations to single and multi-node training of MLP and CNN
networks on MNIST, CIFAR-10 and ImageNet datasets. We demonstrate up to 66%
reduction in the amount of computations and communication, and up to 1.37x
faster training time while maintaining negligible or no impact on the final
test accuracy.
|
Graph Capsule Convolutional Neural Networks | Graph Convolutional Neural Networks (GCNNs) are the most recent exciting
advancement in deep learning field and their applications are quickly spreading
in multi-cross-domains including bioinformatics, chemoinformatics, social
networks, natural language processing and computer vision. In this paper, we
expose and tackle some of the basic weaknesses of a GCNN model with a capsule
idea presented in \cite{hinton2011transforming} and propose our Graph Capsule
Network (GCAPS-CNN) model. In addition, we design our GCAPS-CNN model to solve
especially graph classification problem which current GCNN models find
challenging. Through extensive experiments, we show that our proposed Graph
Capsule Network can significantly outperforms both the existing state-of-art
deep learning methods and graph kernels on graph classification benchmark
datasets.
|
Variational based Mixed Noise Removal with CNN Deep Learning
Regularization | In this paper, the traditional model based variational method and learning
based algorithms are naturally integrated to address mixed noise removal
problem. To be different from single type noise (e.g. Gaussian) removal, it is
a challenge problem to accurately discriminate noise types and levels for each
pixel. We propose a variational method to iteratively estimate the noise
parameters, and then the algorithm can automatically classify the noise
according to the different statistical parameters. The proposed variational
problem can be separated into regularization, synthesis, parameter estimation
and noise classification four steps with the operator splitting scheme. Each
step is related to an optimization subproblem. To enforce the regularization,
the deep learning method is employed to learn the natural images priori.
Compared with some model based regularizations, the CNN regularizer can
significantly improve the quality of the restored images. Compared with some
learning based methods, the synthesis step can produce better reconstructions
by analyzing the recognized noise types and levels. In our method, the
convolution neutral network (CNN) can be regarded as an operator which
associated to a variational functional. From this viewpoint, the proposed
method can be extended to many image reconstruction and inverse problems.
Numerical experiments in the paper show that our method can achieve some
state-of-the-art results for mixed noise removal.
|
Small steps and giant leaps: Minimal Newton solvers for Deep Learning | We propose a fast second-order method that can be used as a drop-in
replacement for current deep learning solvers. Compared to stochastic gradient
descent (SGD), it only requires two additional forward-mode automatic
differentiation operations per iteration, which has a computational cost
comparable to two standard forward passes and is easy to implement. Our method
addresses long-standing issues with current second-order solvers, which invert
an approximate Hessian matrix every iteration exactly or by conjugate-gradient
methods, a procedure that is both costly and sensitive to noise. Instead, we
propose to keep a single estimate of the gradient projected by the inverse
Hessian matrix, and update it once per iteration. This estimate has the same
size and is similar to the momentum variable that is commonly used in SGD. No
estimate of the Hessian is maintained. We first validate our method, called
CurveBall, on small problems with known closed-form solutions (noisy Rosenbrock
function and degenerate 2-layer linear networks), where current deep learning
solvers seem to struggle. We then train several large models on CIFAR and
ImageNet, including ResNet and VGG-f networks, where we demonstrate faster
convergence with no hyperparameter tuning. Code is available.
|
Understanding Self-Paced Learning under Concave Conjugacy Theory | By simulating the easy-to-hard learning manners of humans/animals, the
learning regimes called curriculum learning~(CL) and self-paced learning~(SPL)
have been recently investigated and invoked broad interests. However, the
intrinsic mechanism for analyzing why such learning regimes can work has not
been comprehensively investigated. To this issue, this paper proposes a concave
conjugacy theory for looking into the insight of CL/SPL. Specifically, by using
this theory, we prove the equivalence of the SPL regime and a latent concave
objective, which is closely related to the known non-convex regularized penalty
widely used in statistics and machine learning. Beyond the previous theory for
explaining CL/SPL insights, this new theoretical framework on one hand
facilitates two direct approaches for designing new SPL models for certain
tasks, and on the other hand can help conduct the latent objective of
self-paced curriculum learning, which is the advanced version of both CL/SPL
and possess advantages of both learning regimes to a certain extent. This
further facilitates a theoretical understanding for SPCL, instead of only
CL/SPL as conventional. Under this theory, we attempt to attain intrinsic
latent objectives of two curriculum forms, the partial order and group
curriculums, which easily follow the theoretical understanding of the
corresponding SPCL regimes.
|
Invariant Representations from Adversarially Censored Autoencoders | We combine conditional variational autoencoders (VAE) with adversarial
censoring in order to learn invariant representations that are disentangled
from nuisance/sensitive variations. In this method, an adversarial network
attempts to recover the nuisance variable from the representation, which the
VAE is trained to prevent. Conditioning the decoder on the nuisance variable
enables clean separation of the representation, since they are recombined for
model learning and data reconstruction. We show this natural approach is
theoretically well-founded with information-theoretic arguments. Experiments
demonstrate that this method achieves invariance while preserving model
learning performance, and results in visually improved performance for style
transfer and generative sampling tasks.
|
Non-Oscillatory Pattern Learning for Non-Stationary Signals | This paper proposes a novel non-oscillatory pattern (NOP) learning scheme for
several oscillatory data analysis problems including signal decomposition,
super-resolution, and signal sub-sampling. To the best of our knowledge, the
proposed NOP is the first algorithm for these problems with fully
non-stationary oscillatory data with close and crossover frequencies, and
general oscillatory patterns. NOP is capable of handling complicated situations
while existing algorithms fail; even in simple cases, e.g., stationary cases
with trigonometric patterns, numerical examples show that NOP admits
competitive or better performance in terms of accuracy and robustness than
several state-of-the-art algorithms.
|
On the Convergence of Stochastic Gradient Descent with Adaptive
Stepsizes | Stochastic gradient descent is the method of choice for large scale
optimization of machine learning objective functions. Yet, its performance is
greatly variable and heavily depends on the choice of the stepsizes. This has
motivated a large body of research on adaptive stepsizes. However, there is
currently a gap in our theoretical understanding of these methods, especially
in the non-convex setting. In this paper, we start closing this gap: we
theoretically analyze in the convex and non-convex settings a generalized
version of the AdaGrad stepsizes. We show sufficient conditions for these
stepsizes to achieve almost sure asymptotic convergence of the gradients to
zero, proving the first guarantee for generalized AdaGrad stepsizes in the
non-convex setting. Moreover, we show that these stepsizes allow to
automatically adapt to the level of noise of the stochastic gradients in both
the convex and non-convex settings, interpolating between $O(1/T)$ and
$O(1/\sqrt{T})$, up to logarithmic terms.
|
A General Family of Robust Stochastic Operators for Reinforcement
Learning | We consider a new family of operators for reinforcement learning with the
goal of alleviating the negative effects and becoming more robust to
approximation or estimation errors. Various theoretical results are
established, which include showing on a sample path basis that our family of
operators preserve optimality and increase the action gap. Our empirical
results illustrate the strong benefits of our family of operators,
significantly outperforming the classical Bellman operator and recently
proposed operators.
|
Overabundant Information and Learning Traps | We develop a model of social learning from overabundant information:
Short-lived agents sequentially choose from a large set of (flexibly
correlated) information sources for prediction of an unknown state. Signal
realizations are public. We demonstrate two starkly different long-run
outcomes: (1) efficient information aggregation, where the community eventually
learns as fast as possible; (2) "learning traps," where the community gets
stuck observing suboptimal sources and learns inefficiently. Our main results
identify a simple property of the signal correlation structure that separates
these outcomes. In both regimes, we characterize which sources are observed in
the long run and how often.
|
Meta-learning with differentiable closed-form solvers | 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 very efficiently. In this paper, we propose to use these fast
convergent methods as the main adaptation mechanism for few-shot learning. The
main idea is to teach a deep network to use standard machine learning tools,
such as ridge regression, as part of its own internal model, enabling it to
quickly adapt to novel data. This requires back-propagating errors through the
solver steps. While normally the cost of the matrix operations involved in such
a process would be significant, by using the Woodbury identity we can make the
small number of examples work to our advantage. We propose both closed-form and
iterative solvers, based on ridge regression and logistic regression
components. Our methods constitute a simple and novel approach to the problem
of few-shot learning and achieve performance competitive with or superior to
the state of the art on three benchmarks.
|
A New Lower Bound for Agnostic Learning with Sample Compression Schemes | We establish a tight characterization of the worst-case rates for the excess
risk of agnostic learning with sample compression schemes and for uniform
convergence for agnostic sample compression schemes. In particular, we find
that the optimal rates of convergence for size-$k$ agnostic sample compression
schemes are of the form $\sqrt{\frac{k \log(n/k)}{n}}$, which contrasts with
agnostic learning with classes of VC dimension $k$, where the optimal rates are
of the form $\sqrt{\frac{k}{n}}$.
|
Learning to Optimize Tensor Programs | We introduce a learning-based framework to optimize tensor programs for deep
learning workloads. Efficient implementations of tensor operators, such as
matrix multiplication and high dimensional convolution, are key enablers of
effective deep learning systems. However, existing systems rely on manually
optimized libraries such as cuDNN where only a narrow range of server class
GPUs are well-supported. The reliance on hardware-specific operator libraries
limits the applicability of high-level graph optimizations and incurs
significant engineering costs when deploying to new hardware targets. We use
learning to remove this engineering burden. We learn domain-specific
statistical cost models to guide the search of tensor operator implementations
over billions of possible program variants. We further accelerate the search by
effective model transfer across workloads. Experimental results show that our
framework delivers performance competitive with state-of-the-art hand-tuned
libraries for low-power CPU, mobile GPU, and server-class GPU.
|
Cancer Research UK Drug Discovery Process Mining | Background. The Drug Discovery Unit (DDU) of Cancer Research UK (CRUK) is
using the software Dotmatics for storage and analysis of scientific data during
drug discovery process. Whilst the data include event logs, time stamps,
activities, and user information are mostly sitting in the database without
fully utilising their potential value. Aims. This dissertation aims at
extracting knowledge from event logs data which recorded during drug discovery
process, to capture the operational business process of the DDU of Cancer
Research UK (CRUK) as it was being executed. It provides the evaluations and
methodologies of drawing the process mining panoramic models for the drug
discovery process. Thus by enabling the DDU to maximise its efficiency in
reviewing its resources and works allocations, patients will benefit from more
new treatments faster. Conclusion. Management of organisations can be benefit
from the process mining methodologies. Disco is excellent for non-experts on
management purposes. ProM is great for expert on research purposes. However,
the process mining is not once and for all but is a regular operation
management process. Indeed, event logs needs to be understand more on the
target organisational behaviours and organisational business process. The
researchers have to be aware that event logs data are the most important and
priority elements in process mining.
|
Hierarchical Reinforcement Learning with Hindsight | Reinforcement Learning (RL) algorithms can suffer from poor sample efficiency
when rewards are delayed and sparse. We introduce a solution that enables
agents to learn temporally extended actions at multiple levels of abstraction
in a sample efficient and automated fashion. Our approach combines universal
value functions and hindsight learning, allowing agents to learn policies
belonging to different time scales in parallel. We show that our method
significantly accelerates learning in a variety of discrete and continuous
tasks.
|
Party Matters: Enhancing Legislative Embeddings with Author Attributes
for Vote Prediction | Predicting how Congressional legislators will vote is important for
understanding their past and future behavior. However, previous work on
roll-call prediction has been limited to single session settings, thus did not
consider generalization across sessions. In this paper, we show that metadata
is crucial for modeling voting outcomes in new contexts, as changes between
sessions lead to changes in the underlying data generation process. We show how
augmenting bill text with the sponsors' ideologies in a neural network model
can achieve an average of a 4% boost in accuracy over the previous
state-of-the-art.
|
Hierarchically Structured Reinforcement Learning for Topically Coherent
Visual Story Generation | We propose a hierarchically structured reinforcement learning approach to
address the challenges of planning for generating coherent multi-sentence
stories for the visual storytelling task. Within our framework, the task of
generating a story given a sequence of images is divided across a two-level
hierarchical decoder. The high-level decoder constructs a plan by generating a
semantic concept (i.e., topic) for each image in sequence. The low-level
decoder generates a sentence for each image using a semantic compositional
network, which effectively grounds the sentence generation conditioned on the
topic. The two decoders are jointly trained end-to-end using reinforcement
learning. We evaluate our model on the visual storytelling (VIST) dataset.
Empirical results from both automatic and human evaluations demonstrate that
the proposed hierarchically structured reinforced training achieves
significantly better performance compared to a strong flat deep reinforcement
learning baseline.
|
Masking: A New Perspective of Noisy Supervision | It is important to learn various types of classifiers given training data
with noisy labels. Noisy labels, in the most popular noise model hitherto, are
corrupted from ground-truth labels by an unknown noise transition matrix. Thus,
by estimating this matrix, classifiers can escape from overfitting those noisy
labels. However, such estimation is practically difficult, due to either the
indirect nature of two-step approaches, or not big enough data to afford
end-to-end approaches. In this paper, we propose a human-assisted approach
called Masking that conveys human cognition of invalid class transitions and
naturally speculates the structure of the noise transition matrix. To this end,
we derive a structure-aware probabilistic model incorporating a structure
prior, and solve the challenges from structure extraction and structure
alignment. Thanks to Masking, we only estimate unmasked noise transition
probabilities and the burden of estimation is tremendously reduced. We conduct
extensive experiments on CIFAR-10 and CIFAR-100 with three noise structures as
well as the industrial-level Clothing1M with agnostic noise structure, and the
results show that Masking can improve the robustness of classifiers
significantly.
|
Learning Maximum-A-Posteriori Perturbation Models for Structured
Prediction in Polynomial Time | MAP perturbation models have emerged as a powerful framework for inference in
structured prediction. Such models provide a way to efficiently sample from the
Gibbs distribution and facilitate predictions that are robust to random noise.
In this paper, we propose a provably polynomial time randomized algorithm for
learning the parameters of perturbed MAP predictors. Our approach is based on
minimizing a novel Rademacher-based generalization bound on the expected loss
of a perturbed MAP predictor, which can be computed in polynomial time. We
obtain conditions under which our randomized learning algorithm can guarantee
generalization to unseen examples.
|
Bias-Reduced Uncertainty Estimation for Deep Neural Classifiers | We consider the problem of uncertainty estimation in the context of
(non-Bayesian) deep neural classification. In this context, all known methods
are based on extracting uncertainty signals from a trained network optimized to
solve the classification problem at hand. We demonstrate that such techniques
tend to introduce biased estimates for instances whose predictions are supposed
to be highly confident. We argue that this deficiency is an artifact of the
dynamics of training with SGD-like optimizers, and it has some properties
similar to overfitting. Based on this observation, we develop an uncertainty
estimation algorithm that selectively estimates the uncertainty of highly
confident points, using earlier snapshots of the trained model, before their
estimates are jittered (and way before they are ready for actual
classification). We present extensive experiments indicating that the proposed
algorithm provides uncertainty estimates that are consistently better than all
known methods.
|
The Roles of Supervised Machine Learning in Systems Neuroscience | Over the last several years, the use of machine learning (ML) in neuroscience
has been rapidly increasing. Here, we review ML's contributions, both realized
and potential, across several areas of systems neuroscience. We describe four
primary roles of ML within neuroscience: 1) creating solutions to engineering
problems, 2) identifying predictive variables, 3) setting benchmarks for simple
models of the brain, and 4) serving itself as a model for the brain. The
breadth and ease of its applicability suggests that machine learning should be
in the toolbox of most systems neuroscientists.
|
Stochastic modified equations for the asynchronous stochastic gradient
descent | We propose a stochastic modified equations (SME) for modeling the
asynchronous stochastic gradient descent (ASGD) algorithms. The resulting SME
of Langevin type extracts more information about the ASGD dynamics and
elucidates the relationship between different types of stochastic gradient
algorithms. We show the convergence of ASGD to the SME in the continuous time
limit, as well as the SME's precise prediction to the trajectories of ASGD with
various forcing terms. As an application of the SME, we propose an optimal
mini-batching strategy for ASGD via solving the optimal control problem of the
associated SME.
|
Classifier-agnostic saliency map extraction | Currently available methods for extracting saliency maps identify parts of
the input which are the most important to a specific fixed classifier. We show
that this strong dependence on a given classifier hinders their performance. To
address this problem, we propose classifier-agnostic saliency map extraction,
which finds all parts of the image that any classifier could use, not just one
given in advance. We observe that the proposed approach extracts higher quality
saliency maps than prior work while being conceptually simple and easy to
implement. The method sets the new state of the art result for localization
task on the ImageNet data, outperforming all existing weakly-supervised
localization techniques, despite not using the ground truth labels at the
inference time. The code reproducing the results is available at
https://github.com/kondiz/casme .
The final version of this manuscript is published in Computer Vision and
Image Understanding and is available online at
https://doi.org/10.1016/j.cviu.2020.102969 .
|
Sample Compression for Real-Valued Learners | We give an algorithmically efficient version of the learner-to-compression
scheme conversion in Moran and Yehudayoff (2016). In extending this technique
to real-valued hypotheses, we also obtain an efficient regression-to-bounded
sample compression converter. To our knowledge, this is the first general
compressed regression result (regardless of efficiency or boundedness)
guaranteeing uniform approximate reconstruction. Along the way, we develop a
generic procedure for constructing weak real-valued learners out of abstract
regressors; this may be of independent interest. In particular, this result
sheds new light on an open question of H. Simon (1997). We show applications to
two regression problems: learning Lipschitz and bounded-variation functions.
|
On the Selection of Initialization and Activation Function for Deep
Neural Networks | The weight initialization and the activation function of deep neural networks
have a crucial impact on the performance of the training procedure. An
inappropriate selection can lead to the loss of information of the input during
forward propagation and the exponential vanishing/exploding of gradients during
back-propagation. Understanding the theoretical properties of untrained random
networks is key to identifying which deep networks may be trained successfully
as recently demonstrated by Schoenholz et al. (2017) who showed that for deep
feedforward neural networks only a specific choice of hyperparameters known as
the `edge of chaos' can lead to good performance. We complete this analysis by
providing quantitative results showing that, for a class of ReLU-like
activation functions, the information propagates indeed deeper for an
initialization at the edge of chaos. By further extending this analysis, we
identify a class of activation functions that improve the information
propagation over ReLU-like functions. This class includes the Swish activation,
$\phi_{swish}(x) = x \cdot \text{sigmoid}(x)$, used in Hendrycks & Gimpel
(2016), Elfwing et al. (2017) and Ramachandran et al. (2017). This provides a
theoretical grounding for the excellent empirical performance of $\phi_{swish}$
observed in these contributions. We complement those previous results by
illustrating the benefit of using a random initialization on the edge of chaos
in this context.
|
Optimal Sketching Bounds for Exp-concave Stochastic Minimization | We derive optimal statistical and computational complexity bounds for
exp-concave stochastic minimization in terms of the effective dimension. For
common eigendecay patterns of the population covariance matrix, this quantity
is significantly smaller than the ambient dimension. Our results reveal
interesting connections to sketching results in numerical linear algebra. In
particular, our statistical analysis highlights a novel and natural
relationship between algorithmic stability of empirical risk minimization and
ridge leverage scores, which play significant role in sketching-based methods.
Our main computational result is a fast implementation of a
sketch-to-precondition approach in the context of exp-concave empirical risk
minimization.
|
Multiple Causal Inference with Latent Confounding | Causal inference from observational data requires assumptions. These
assumptions range from measuring confounders to identifying instruments.
Traditionally, causal inference assumptions have focused on estimation of
effects for a single treatment. In this work, we construct techniques for
estimation with multiple treatments in the presence of unobserved confounding.
We develop two assumptions based on shared confounding between treatments and
independence of treatments given the confounder. Together, these assumptions
lead to a confounder estimator regularized by mutual information. For this
estimator, we develop a tractable lower bound. To recover treatment effects, we
use the residual information in the treatments independent of the confounder.
We validate on simulations and an example from clinical medicine.
|
Measuring and regularizing networks in function space | To optimize a neural network one often thinks of optimizing its parameters,
but it is ultimately a matter of optimizing the function that maps inputs to
outputs. Since a change in the parameters might serve as a poor proxy for the
change in the function, it is of some concern that primacy is given to
parameters but that the correspondence has not been tested. Here, we show that
it is simple and computationally feasible to calculate distances between
functions in a $L^2$ Hilbert space. We examine how typical networks behave in
this space, and compare how parameter $\ell^2$ distances compare to function
$L^2$ distances between various points of an optimization trajectory. We find
that the two distances are nontrivially related. In particular, the
$L^2/\ell^2$ ratio decreases throughout optimization, reaching a steady value
around when test error plateaus. We then investigate how the $L^2$ distance
could be applied directly to optimization. We first propose that in multitask
learning, one can avoid catastrophic forgetting by directly limiting how much
the input/output function changes between tasks. Secondly, we propose a new
learning rule that constrains the distance a network can travel through
$L^2$-space in any one update. This allows new examples to be learned in a way
that minimally interferes with what has previously been learned. These
applications demonstrate how one can measure and regularize function distances
directly, without relying on parameters or local approximations like loss
curvature.
|
Data-Efficient Hierarchical Reinforcement Learning | Hierarchical reinforcement learning (HRL) is a promising approach to extend
traditional reinforcement learning (RL) methods to solve more complex tasks.
Yet, the majority of current HRL methods require careful task-specific design
and on-policy training, making them difficult to apply in real-world scenarios.
In this paper, we study how we can develop HRL algorithms that are general, in
that they do not make onerous additional assumptions beyond standard RL
algorithms, and efficient, in the sense that they can be used with modest
numbers of interaction samples, making them suitable for real-world problems
such as robotic control. For generality, we develop a scheme where lower-level
controllers are supervised with goals that are learned and proposed
automatically by the higher-level controllers. To address efficiency, we
propose to use off-policy experience for both higher and lower-level training.
This poses a considerable challenge, since changes to the lower-level behaviors
change the action space for the higher-level policy, and we introduce an
off-policy correction to remedy this challenge. This allows us to take
advantage of recent advances in off-policy model-free RL to learn both higher-
and lower-level policies using substantially fewer environment interactions
than on-policy algorithms. We term the resulting HRL agent HIRO and find that
it is generally applicable and highly sample-efficient. Our experiments show
that HIRO can be used to learn highly complex behaviors for simulated robots,
such as pushing objects and utilizing them to reach target locations, learning
from only a few million samples, equivalent to a few days of real-time
interaction. In comparisons with a number of prior HRL methods, we find that
our approach substantially outperforms previous state-of-the-art techniques.
|
Compression of Deep Convolutional Neural Networks under Joint Sparsity
Constraints | We consider the optimization of deep convolutional neural networks (CNNs)
such that they provide good performance while having reduced complexity if
deployed on either conventional systems utilizing spatial-domain convolution or
lower complexity systems designed for Winograd convolution. Furthermore, we
explore the universal quantization and compression of these networks. In
particular, the proposed framework produces one compressed model whose
convolutional filters can be made sparse either in the spatial domain or in the
Winograd domain. Hence, one compressed model can be deployed universally on any
platform, without need for re-training on the deployed platform, and the
sparsity of its convolutional filters can be exploited for further complexity
reduction in either domain. To get a better compression ratio, the sparse model
is compressed in the spatial domain which has a less number of parameters. From
our experiments, we obtain $24.2\times$, $47.7\times$ and $35.4\times$
compressed models for ResNet-18, AlexNet and CT-SRCNN, while their
computational cost is also reduced by $4.5\times$, $5.1\times$ and
$23.5\times$, respectively.
|
Deep Energy Estimator Networks | Density estimation is a fundamental problem in statistical learning. This
problem is especially challenging for complex high-dimensional data due to the
curse of dimensionality. A promising solution to this problem is given here in
an inference-free hierarchical framework that is built on score matching. We
revisit the Bayesian interpretation of the score function and the Parzen score
matching, and construct a multilayer perceptron with a scalable objective for
learning the energy (i.e. the unnormalized log-density), which is then
optimized with stochastic gradient descent. In addition, the resulting deep
energy estimator network (DEEN) is designed as products of experts. We present
the utility of DEEN in learning the energy, the score function, and in
single-step denoising experiments for synthetic and high-dimensional data. We
also diagnose stability problems in the direct estimation of the score function
that had been observed for denoising autoencoders.
|
geomstats: a Python Package for Riemannian Geometry in Machine Learning | We introduce geomstats, a python package that performs computations on
manifolds such as hyperspheres, hyperbolic spaces, spaces of symmetric positive
definite matrices and Lie groups of transformations. We provide efficient and
extensively unit-tested implementations of these manifolds, together with
useful Riemannian metrics and associated Exponential and Logarithm maps. The
corresponding geodesic distances provide a range of intuitive choices of
Machine Learning loss functions. We also give the corresponding Riemannian
gradients. The operations implemented in geomstats are available with different
computing backends such as numpy, tensorflow and keras. We have enabled GPU
implementation and integrated geomstats manifold computations into keras deep
learning framework. This paper also presents a review of manifolds in machine
learning and an overview of the geomstats package with examples demonstrating
its use for efficient and user-friendly Riemannian geometry.
|
AxTrain: Hardware-Oriented Neural Network Training for Approximate
Inference | The intrinsic error tolerance of neural network (NN) makes approximate
computing a promising technique to improve the energy efficiency of NN
inference. Conventional approximate computing focuses on balancing the
efficiency-accuracy trade-off for existing pre-trained networks, which can lead
to suboptimal solutions. In this paper, we propose AxTrain, a hardware-oriented
training framework to facilitate approximate computing for NN inference.
Specifically, AxTrain leverages the synergy between two orthogonal
methods---one actively searches for a network parameters distribution with high
error tolerance, and the other passively learns resilient weights by
numerically incorporating the noise distributions of the approximate hardware
in the forward pass during the training phase. Experimental results from
various datasets with near-threshold computing and approximation multiplication
strategies demonstrate AxTrain's ability to obtain resilient neural network
parameters and system energy efficiency improvement.
|
AgileNet: Lightweight Dictionary-based Few-shot Learning | The success of deep learning models is heavily tied to the use of massive
amount of labeled data and excessively long training time. With the emergence
of intelligent edge applications that use these models, the critical challenge
is to obtain the same inference capability on a resource-constrained device
while providing adaptability to cope with the dynamic changes in the data. We
propose AgileNet, a novel lightweight dictionary-based few-shot learning
methodology which provides reduced complexity deep neural network for efficient
execution at the edge while enabling low-cost updates to capture the dynamics
of the new data. Evaluations of state-of-the-art few-shot learning benchmarks
demonstrate the superior accuracy of AgileNet compared to prior arts.
Additionally, AgileNet is the first few-shot learning approach that prevents
model updates by eliminating the knowledge obtained from the primary training.
This property is ensured through the dictionaries learned by our novel
end-to-end structured decomposition, which also reduces the memory footprint
and computation complexity to match the edge device constraints.
|
Learning Safe Policies with Expert Guidance | We propose a framework for ensuring safe behavior of a reinforcement learning
agent when the reward function may be difficult to specify. In order to do
this, we rely on the existence of demonstrations from expert policies, and we
provide a theoretical framework for the agent to optimize in the space of
rewards consistent with its existing knowledge. We propose two methods to solve
the resulting optimization: an exact ellipsoid-based method and a method in the
spirit of the "follow-the-perturbed-leader" algorithm. Our experiments
demonstrate the behavior of our algorithm in both discrete and continuous
problems. The trained agent safely avoids states with potential negative
effects while imitating the behavior of the expert in the other states.
|
Self-Attention Generative Adversarial Networks | In this paper, we propose the Self-Attention Generative Adversarial Network
(SAGAN) which allows attention-driven, long-range dependency modeling for image
generation tasks. Traditional convolutional GANs generate high-resolution
details as a function of only spatially local points in lower-resolution
feature maps. In SAGAN, details can be generated using cues from all feature
locations. Moreover, the discriminator can check that highly detailed features
in distant portions of the image are consistent with each other. Furthermore,
recent work has shown that generator conditioning affects GAN performance.
Leveraging this insight, we apply spectral normalization to the GAN generator
and find that this improves training dynamics. The proposed SAGAN achieves the
state-of-the-art results, boosting the best published Inception score from 36.8
to 52.52 and reducing Frechet Inception distance from 27.62 to 18.65 on the
challenging ImageNet dataset. Visualization of the attention layers shows that
the generator leverages neighborhoods that correspond to object shapes rather
than local regions of fixed shape.
|
Bandit-Based Monte Carlo Optimization for Nearest Neighbors | The celebrated Monte Carlo method estimates an expensive-to-compute quantity
by random sampling. Bandit-based Monte Carlo optimization is a general
technique for computing the minimum of many such expensive-to-compute
quantities by adaptive random sampling. The technique converts an optimization
problem into a statistical estimation problem which is then solved via
multi-armed bandits. We apply this technique to solve the problem of
high-dimensional $k$-nearest neighbors, developing an algorithm which we prove
is able to identify exact nearest neighbors with high probability. We show that
under regularity assumptions on a dataset of $n$ points in $d$-dimensional
space, the complexity of our algorithm scales logarithmically with the
dimension of the data as $O\left((n+d)\log^2
\left(\frac{nd}{\delta}\right)\right)$ for error probability $\delta$, rather
than linearly as in exact computation requiring $O(nd)$. We corroborate our
theoretical results with numerical simulations, showing that our algorithm
outperforms both exact computation and state-of-the-art algorithms such as
kGraph, NGT, and LSH on real datasets.
|
Teaching Multiple Concepts to a Forgetful Learner | How can we help a forgetful learner learn multiple concepts within a limited
time frame? While there have been extensive studies in designing optimal
schedules for teaching a single concept given a learner's memory model,
existing approaches for teaching multiple concepts are typically based on
heuristic scheduling techniques without theoretical guarantees. In this paper,
we look at the problem from the perspective of discrete optimization and
introduce a novel algorithmic framework for teaching multiple concepts with
strong performance guarantees. Our framework is both generic, allowing the
design of teaching schedules for different memory models, and also interactive,
allowing the teacher to adapt the schedule to the underlying forgetting
mechanisms of the learner. Furthermore, for a well-known memory model, we are
able to identify a regime of model parameters where our framework is guaranteed
to achieve high performance. We perform extensive evaluations using simulations
along with real user studies in two concrete applications: (i) an educational
app for online vocabulary teaching; and (ii) an app for teaching novices how to
recognize animal species from images. Our results demonstrate the effectiveness
of our algorithm compared to popular heuristic approaches.
|
Robust Gradient Descent via Moment Encoding with LDPC Codes | This paper considers the problem of implementing large-scale gradient descent
algorithms in a distributed computing setting in the presence of {\em
straggling} processors. To mitigate the effect of the stragglers, it has been
previously proposed to encode the data with an erasure-correcting code and
decode at the master server at the end of the computation. We, instead, propose
to encode the second-moment of the data with a low density parity-check (LDPC)
code. The iterative decoding algorithms for LDPC codes have very low
computational overhead and the number of decoding iterations can be made to
automatically adjust with the number of stragglers in the system. We show that
for a random model for stragglers, the proposed moment encoding based gradient
descent method can be viewed as the stochastic gradient descent method. This
allows us to obtain convergence guarantees for the proposed solution.
Furthermore, the proposed moment encoding based method is shown to outperform
the existing schemes in a real distributed computing setup.
|
Verifiable Reinforcement Learning via Policy Extraction | While deep reinforcement learning has successfully solved many challenging
control tasks, its real-world applicability has been limited by the inability
to ensure the safety of learned policies. We propose an approach to verifiable
reinforcement learning by training decision tree policies, which can represent
complex policies (since they are nonparametric), yet can be efficiently
verified using existing techniques (since they are highly structured). The
challenge is that decision tree policies are difficult to train. We propose
VIPER, an algorithm that combines ideas from model compression and imitation
learning to learn decision tree policies guided by a DNN policy (called the
oracle) and its Q-function, and show that it substantially outperforms two
baselines. We use VIPER to (i) learn a provably robust decision tree policy for
a variant of Atari Pong with a symbolic state space, (ii) learn a decision tree
policy for a toy game based on Pong that provably never loses, and (iii) learn
a provably stable decision tree policy for cart-pole. In each case, the
decision tree policy achieves performance equal to that of the original DNN
policy.
|
Guided Feature Transformation (GFT): A Neural Language Grounding Module
for Embodied Agents | Recently there has been a rising interest in training agents, embodied in
virtual environments, to perform language-directed tasks by deep reinforcement
learning. In this paper, we propose a simple but effective neural language
grounding module for embodied agents that can be trained end to end from
scratch taking raw pixels, unstructured linguistic commands, and sparse rewards
as the inputs. We model the language grounding process as a language-guided
transformation of visual features, where latent sentence embeddings are used as
the transformation matrices. In several language-directed navigation tasks that
feature challenging partial observability and require simple reasoning, our
module significantly outperforms the state of the art. We also release
XWorld3D, an easy-to-customize 3D environment that can potentially be modified
to evaluate a variety of embodied agents.
|
Large Scale computation of Means and Clusters for Persistence Diagrams
using Optimal Transport | Persistence diagrams (PDs) are now routinely used to summarize the underlying
topology of complex data. Despite several appealing properties, incorporating
PDs in learning pipelines can be challenging because their natural geometry is
not Hilbertian. Indeed, this was recently exemplified in a string of papers
which show that the simple task of averaging a few PDs can be computationally
prohibitive. We propose in this article a tractable framework to carry out
standard tasks on PDs at scale, notably evaluating distances, estimating
barycenters and performing clustering. This framework builds upon a
reformulation of PD metrics as optimal transport (OT) problems. Doing so, we
can exploit recent computational advances: the OT problem on a planar grid,
when regularized with entropy, is convex can be solved in linear time using the
Sinkhorn algorithm and convolutions. This results in scalable computations that
can stream on GPUs. We demonstrate the efficiency of our approach by carrying
out clustering with diagrams metrics on several thousands of PDs, a scale never
seen before in the literature.
|
Maximum Causal Tsallis Entropy Imitation Learning | In this paper, we propose a novel maximum causal Tsallis entropy (MCTE)
framework for imitation learning which can efficiently learn a sparse
multi-modal policy distribution from demonstrations. We provide the full
mathematical analysis of the proposed framework. First, the optimal solution of
an MCTE problem is shown to be a sparsemax distribution, whose supporting set
can be adjusted. The proposed method has advantages over a softmax distribution
in that it can exclude unnecessary actions by assigning zero probability.
Second, we prove that an MCTE problem is equivalent to robust Bayes estimation
in the sense of the Brier score. Third, we propose a maximum causal Tsallis
entropy imitation learning (MCTEIL) algorithm with a sparse mixture density
network (sparse MDN) by modeling mixture weights using a sparsemax
distribution. In particular, we show that the causal Tsallis entropy of an MDN
encourages exploration and efficient mixture utilization while Boltzmann Gibbs
entropy is less effective. We validate the proposed method in two simulation
studies and MCTEIL outperforms existing imitation learning methods in terms of
average returns and learning multi-modal policies.
|
Reducing Parameter Space for Neural Network Training | For neural networks (NNs) with rectified linear unit (ReLU) or binary
activation functions, we show that their training can be accomplished in a
reduced parameter space. Specifically, the weights in each neuron can be
trained on the unit sphere, as opposed to the entire space, and the threshold
can be trained in a bounded interval, as opposed to the real line. We show that
the NNs in the reduced parameter space are mathematically equivalent to the
standard NNs with parameters in the whole space. The reduced parameter space
shall facilitate the optimization procedure for the network training, as the
search space becomes (much) smaller. We demonstrate the improved training
performance using numerical examples.
|
A Solvable High-Dimensional Model of GAN | We present a theoretical analysis of the training process for a single-layer
GAN fed by high-dimensional input data. The training dynamics of the proposed
model at both microscopic and macroscopic scales can be exactly analyzed in the
high-dimensional limit. In particular, we prove that the macroscopic quantities
measuring the quality of the training process converge to a deterministic
process characterized by an ordinary differential equation (ODE), whereas the
microscopic states containing all the detailed weights remain stochastic, whose
dynamics can be described by a stochastic differential equation (SDE). This
analysis provides a new perspective different from recent analyses in the limit
of small learning rate, where the microscopic state is always considered
deterministic, and the contribution of noise is ignored. From our analysis, we
show that the level of the background noise is essential to the convergence of
the training process: setting the noise level too strong leads to failure of
feature recovery, whereas setting the noise too weak causes oscillation.
Although this work focuses on a simple copy model of GAN, we believe the
analysis methods and insights developed here would prove useful in the
theoretical understanding of other variants of GANs with more advanced training
algorithms.
|
Opening the black box of deep learning | The great success of deep learning shows that its technology contains
profound truth, and understanding its internal mechanism not only has important
implications for the development of its technology and effective application in
various fields, but also provides meaningful insights into the understanding of
human brain mechanism. At present, most of the theoretical research on deep
learning is based on mathematics. This dissertation proposes that the neural
network of deep learning is a physical system, examines deep learning from
three different perspectives: microscopic, macroscopic, and physical world
views, answers multiple theoretical puzzles in deep learning by using physics
principles. For example, from the perspective of quantum mechanics and
statistical physics, this dissertation presents the calculation methods for
convolution calculation, pooling, normalization, and Restricted Boltzmann
Machine, as well as the selection of cost functions, explains why deep learning
must be deep, what characteristics are learned in deep learning, why
Convolutional Neural Networks do not have to be trained layer by layer, and the
limitations of deep learning, etc., and proposes the theoretical direction and
basis for the further development of deep learning now and in the future. The
brilliance of physics flashes in deep learning, we try to establish the deep
learning technology based on the scientific theory of physics.
|
Improved Algorithms for Collaborative PAC Learning | We study a recent model of collaborative PAC learning where $k$ players with
$k$ different tasks collaborate to learn a single classifier that works for all
tasks. Previous work showed that when there is a classifier that has very small
error on all tasks, there is a collaborative algorithm that finds a single
classifier for all tasks and has $O((\ln (k))^2)$ times the worst-case sample
complexity for learning a single task. In this work, we design new algorithms
for both the realizable and the non-realizable setting, having sample
complexity only $O(\ln (k))$ times the worst-case sample complexity for
learning a single task. The sample complexity upper bounds of our algorithms
match previous lower bounds and in some range of parameters are even better
than previous algorithms that are allowed to output different classifiers for
different tasks.
|
Learning to Optimize via Wasserstein Deep Inverse Optimal Control | We study the inverse optimal control problem in social sciences: we aim at
learning a user's true cost function from the observed temporal behavior. In
contrast to traditional phenomenological works that aim to learn a generative
model to fit the behavioral data, we propose a novel variational principle and
treat user as a reinforcement learning algorithm, which acts by optimizing his
cost function. We first propose a unified KL framework that generalizes
existing maximum entropy inverse optimal control methods. We further propose a
two-step Wasserstein inverse optimal control framework. In the first step, we
compute the optimal measure with a novel mass transport equation. In the second
step, we formulate the learning problem as a generative adversarial network. In
two real world experiments - recommender systems and social networks, we show
that our framework obtains significant performance gains over both existing
inverse optimal control methods and point process based generative models.
|
Adapted Deep Embeddings: A Synthesis of Methods for $k$-Shot Inductive
Transfer Learning | The focus in machine learning has branched beyond training classifiers on a
single task to investigating how previously acquired knowledge in a source
domain can be leveraged to facilitate learning in a related target domain,
known as inductive transfer learning. Three active lines of research have
independently explored transfer learning using neural networks. In weight
transfer, a model trained on the source domain is used as an initialization
point for a network to be trained on the target domain. In deep metric
learning, the source domain is used to construct an embedding that captures
class structure in both the source and target domains. In few-shot learning,
the focus is on generalizing well in the target domain based on a limited
number of labeled examples. We compare state-of-the-art methods from these
three paradigms and also explore hybrid adapted-embedding methods that use
limited target-domain data to fine tune embeddings constructed from
source-domain data. We conduct a systematic comparison of methods in a variety
of domains, varying the number of labeled instances available in the target
domain ($k$), as well as the number of target-domain classes. We reach three
principal conclusions: (1) Deep embeddings are far superior, compared to weight
transfer, as a starting point for inter-domain transfer or model re-use (2) Our
hybrid methods robustly outperform every few-shot learning and every deep
metric learning method previously proposed, with a mean error reduction of 34%
over state-of-the-art. (3) Among loss functions for discovering embeddings, the
histogram loss (Ustinova & Lempitsky, 2016) is most robust. We hope our results
will motivate a unification of research in weight transfer, deep metric
learning, and few-shot learning.
|
RPC Considered Harmful: Fast Distributed Deep Learning on RDMA | Deep learning emerges as an important new resource-intensive workload and has
been successfully applied in computer vision, speech, natural language
processing, and so on. Distributed deep learning is becoming a necessity to
cope with growing data and model sizes. Its computation is typically
characterized by a simple tensor data abstraction to model multi-dimensional
matrices, a data-flow graph to model computation, and iterative executions with
relatively frequent synchronizations, thereby making it substantially different
from Map/Reduce style distributed big data computation.
RPC, commonly used as the communication primitive, has been adopted by
popular deep learning frameworks such as TensorFlow, which uses gRPC. We show
that RPC is sub-optimal for distributed deep learning computation, especially
on an RDMA-capable network. The tensor abstraction and data-flow graph, coupled
with an RDMA network, offers the opportunity to reduce the unnecessary overhead
(e.g., memory copy) without sacrificing programmability and generality. In
particular, from a data access point of view, a remote machine is abstracted
just as a "device" on an RDMA channel, with a simple memory interface for
allocating, reading, and writing memory regions. Our graph analyzer looks at
both the data flow graph and the tensors to optimize memory allocation and
remote data access using this interface. The result is up to 25 times speedup
in representative deep learning benchmarks against the standard gRPC in
TensorFlow and up to 169% improvement even against an RPC implementation
optimized for RDMA, leading to faster convergence in the training process.
|
Classification Uncertainty of Deep Neural Networks Based on Gradient
Information | We study the quantification of uncertainty of Convolutional Neural Networks
(CNNs) based on gradient metrics. Unlike the classical softmax entropy, such
metrics gather information from all layers of the CNN. We show for the EMNIST
digits data set that for several such metrics we achieve the same meta
classification accuracy -- i.e. the task of classifying predictions as correct
or incorrect without knowing the actual label -- as for entropy thresholding.
We apply meta classification to unknown concepts (out-of-distribution samples)
-- EMNIST/Omniglot letters, CIFAR10 and noise -- and demonstrate that meta
classification rates for unknown concepts can be increased when using entropy
together with several gradient based metrics as input quantities for a meta
classifier. Meta classifiers only trained on the uncertainty metrics of known
concepts, i.e. EMNIST digits, usually do not perform equally well for all
unknown concepts. If we however allow the meta classifier to be trained on
uncertainty metrics for some out-of-distribution samples, meta classification
for concepts remote from EMNIST digits (then termed known unknowns) can be
improved considerably.
|
Meta-Learning with Hessian-Free Approach in Deep Neural Nets Training | Meta-learning is a promising method to achieve efficient training method
towards deep neural net and has been attracting increases interests in recent
years. But most of the current methods are still not capable to train complex
neuron net model with long-time training process. In this paper, a novel
second-order meta-optimizer, named Meta-learning with Hessian-Free(MLHF)
approach, is proposed based on the Hessian-Free approach. Two recurrent neural
networks are established to generate the damping and the precondition matrix of
this Hessian-Free framework. A series of techniques to meta-train the MLHF
towards stable and reinforce the meta-training of this optimizer, including the
gradient calculation of $H$. Numerical experiments on deep convolution neural
nets, including CUDA-convnet and ResNet18(v2), with datasets of CIFAR10 and
ILSVRC2012, indicate that the MLHF shows good and continuous training
performance during the whole long-time training process, i.e., both the
rapid-decreasing early stage and the steadily-deceasing later stage, and so is
a promising meta-learning framework towards elevating the training efficiency
in real-world deep neural nets.
|
Variational Learning on Aggregate Outputs with Gaussian Processes | While a typical supervised learning framework assumes that the inputs and the
outputs are measured at the same levels of granularity, many applications,
including global mapping of disease, only have access to outputs at a much
coarser level than that of the inputs. Aggregation of outputs makes
generalization to new inputs much more difficult. We consider an approach to
this problem based on variational learning with a model of output aggregation
and Gaussian processes, where aggregation leads to intractability of the
standard evidence lower bounds. We propose new bounds and tractable
approximations, leading to improved prediction accuracy and scalability to
large datasets, while explicitly taking uncertainty into account. We develop a
framework which extends to several types of likelihoods, including the Poisson
model for aggregated count data. We apply our framework to a challenging and
important problem, the fine-scale spatial modelling of malaria incidence, with
over 1 million observations.
|
Beyond Unfolding: Exact Recovery of Latent Convex Tensor Decomposition
under Reshuffling | Exact recovery of tensor decomposition (TD) methods is a desirable property
in both unsupervised learning and scientific data analysis. The numerical
defects of TD methods, however, limit their practical applications on
real-world data. As an alternative, convex tensor decomposition (CTD) was
proposed to alleviate these problems, but its exact-recovery property is not
properly addressed so far. To this end, we focus on latent convex tensor
decomposition (LCTD), a practically widely-used CTD model, and rigorously prove
a sufficient condition for its exact-recovery property. Furthermore, we show
that such property can be also achieved by a more general model than LCTD. In
the new model, we generalize the classic tensor (un-)folding into reshuffling
operation, a more flexible mapping to relocate the entries of the matrix into a
tensor. Armed with the reshuffling operations and exact-recovery property, we
explore a totally novel application for (generalized) LCTD, i.e., image
steganography. Experimental results on synthetic data validate our theory, and
results on image steganography show that our method outperforms the
state-of-the-art methods.
|
Rank Minimization on Tensor Ring: A New Paradigm in Scalable Tensor
Decomposition and Completion | In low-rank tensor completion tasks, due to the underlying multiple
large-scale singular value decomposition (SVD) operations and rank selection
problem of the traditional methods, they suffer from high computational cost
and high sensitivity of model complexity. In this paper, taking advantages of
high compressibility of the recently proposed tensor ring (TR) decomposition,
we propose a new model for tensor completion problem. This is achieved through
introducing convex surrogates of tensor low-rank assumption on latent tensor
ring factors, which makes it possible for the Schatten norm regularization
based models to be solved at much smaller scale. We propose two algorithms
which apply different structured Schatten norms on tensor ring factors
respectively. By the alternating direction method of multipliers (ADMM) scheme,
the tensor ring factors and the predicted tensor can be optimized
simultaneously. The experiments on synthetic data and real-world data show the
high performance and efficiency of the proposed approach.
|
Gradient Energy Matching for Distributed Asynchronous Gradient Descent | Distributed asynchronous SGD has become widely used for deep learning in
large-scale systems, but remains notorious for its instability when increasing
the number of workers. In this work, we study the dynamics of distributed
asynchronous SGD under the lens of Lagrangian mechanics. Using this
description, we introduce the concept of energy to describe the optimization
process and derive a sufficient condition ensuring its stability as long as the
collective energy induced by the active workers remains below the energy of a
target synchronous process. Making use of this criterion, we derive a stable
distributed asynchronous optimization procedure, GEM, that estimates and
maintains the energy of the asynchronous system below or equal to the energy of
sequential SGD with momentum. Experimental results highlight the stability and
speedup of GEM compared to existing schemes, even when scaling to one hundred
asynchronous workers. Results also indicate better generalization compared to
the targeted SGD with momentum.
|
Generative Code Modeling with Graphs | Generative models for source code are an interesting structured prediction
problem, requiring to reason about both hard syntactic and semantic constraints
as well as about natural, likely programs. We present a novel model for this
problem that uses a graph to represent the intermediate state of the generated
output. The generative procedure interleaves grammar-driven expansion steps
with graph augmentation and neural message passing steps. An experimental
evaluation shows that our new model can generate semantically meaningful
expressions, outperforming a range of strong baselines.
|
Implicit Reparameterization Gradients | By providing a simple and efficient way of computing low-variance gradients
of continuous random variables, the reparameterization trick has become the
technique of choice for training a variety of latent variable models. However,
it is not applicable to a number of important continuous distributions. We
introduce an alternative approach to computing reparameterization gradients
based on implicit differentiation and demonstrate its broader applicability by
applying it to Gamma, Beta, Dirichlet, and von Mises distributions, which
cannot be used with the classic reparameterization trick. Our experiments show
that the proposed approach is faster and more accurate than the existing
gradient estimators for these distributions.
|
Deep learning generalizes because the parameter-function map is biased
towards simple functions | Deep neural networks (DNNs) generalize remarkably well without explicit
regularization even in the strongly over-parametrized regime where classical
learning theory would instead predict that they would severely overfit. While
many proposals for some kind of implicit regularization have been made to
rationalise this success, there is no consensus for the fundamental reason why
DNNs do not strongly overfit. In this paper, we provide a new explanation. By
applying a very general probability-complexity bound recently derived from
algorithmic information theory (AIT), we argue that the parameter-function map
of many DNNs should be exponentially biased towards simple functions. We then
provide clear evidence for this strong simplicity bias in a model DNN for
Boolean functions, as well as in much larger fully connected and convolutional
networks applied to CIFAR10 and MNIST. As the target functions in many real
problems are expected to be highly structured, this intrinsic simplicity bias
helps explain why deep networks generalize well on real world problems. This
picture also facilitates a novel PAC-Bayes approach where the prior is taken
over the DNN input-output function space, rather than the more conventional
prior over parameter space. If we assume that the training algorithm samples
parameters close to uniformly within the zero-error region then the PAC-Bayes
theorem can be used to guarantee good expected generalization for target
functions producing high-likelihood training sets. By exploiting recently
discovered connections between DNNs and Gaussian processes to estimate the
marginal likelihood, we produce relatively tight generalization PAC-Bayes error
bounds which correlate well with the true error on realistic datasets such as
MNIST and CIFAR10 and for architectures including convolutional and fully
connected networks.
|
Safe Element Screening for Submodular Function Minimization | Submodular functions are discrete analogs of convex functions, which have
applications in various fields, including machine learning and computer vision.
However, in large-scale applications, solving Submodular Function Minimization
(SFM) problems remains challenging. In this paper, we make the first attempt to
extend the emerging technique named screening in large-scale sparse learning to
SFM for accelerating its optimization process. We first conduct a careful
studying of the relationships between SFM and the corresponding convex proximal
problems, as well as the accurate primal optimum estimation of the proximal
problems. Relying on this study, we subsequently propose a novel safe screening
method to quickly identify the elements guaranteed to be included (we refer to
them as active) or excluded (inactive) in the final optimal solution of SFM
during the optimization process. By removing the inactive elements and fixing
the active ones, the problem size can be dramatically reduced, leading to great
savings in the computational cost without sacrificing any accuracy. To the best
of our knowledge, the proposed method is the first screening method in the
fields of SFM and even combinatorial optimization, thus pointing out a new
direction for accelerating SFM algorithms. Experiment results on both synthetic
and real datasets demonstrate the significant speedups gained by our approach.
|
Fully Understanding the Hashing Trick | Feature hashing, also known as {\em the hashing trick}, introduced by
Weinberger et al. (2009), is one of the key techniques used in scaling-up
machine learning algorithms. Loosely speaking, feature hashing uses a random
sparse projection matrix $A : \mathbb{R}^n \to \mathbb{R}^m$ (where $m \ll n$)
in order to reduce the dimension of the data from $n$ to $m$ while
approximately preserving the Euclidean norm. Every column of $A$ contains
exactly one non-zero entry, equals to either $-1$ or $1$.
Weinberger et al. showed tail bounds on $\|Ax\|_2^2$. Specifically they
showed that for every $\varepsilon, \delta$, if $\|x\|_{\infty} / \|x\|_2$ is
sufficiently small, and $m$ is sufficiently large, then $$\Pr[ \; |
\;\|Ax\|_2^2 - \|x\|_2^2\; | < \varepsilon \|x\|_2^2 \;] \ge 1 - \delta \;.$$
These bounds were later extended by Dasgupta \etal (2010) and most recently
refined by Dahlgaard et al. (2017), however, the true nature of the performance
of this key technique, and specifically the correct tradeoff between the
pivotal parameters $\|x\|_{\infty} / \|x\|_2, m, \varepsilon, \delta$ remained
an open question.
We settle this question by giving tight asymptotic bounds on the exact
tradeoff between the central parameters, thus providing a complete
understanding of the performance of feature hashing. We complement the
asymptotic bound with empirical data, which shows that the constants "hiding"
in the asymptotic notation are, in fact, very close to $1$, thus further
illustrating the tightness of the presented bounds in practice.
|
Anticipating cryptocurrency prices using machine learning | Machine learning and AI-assisted trading have attracted growing interest for
the past few years. Here, we use this approach to test the hypothesis that the
inefficiency of the cryptocurrency market can be exploited to generate abnormal
profits. We analyse daily data for $1,681$ cryptocurrencies for the period
between Nov. 2015 and Apr. 2018. We show that simple trading strategies
assisted by state-of-the-art machine learning algorithms outperform standard
benchmarks. Our results show that nontrivial, but ultimately simple,
algorithmic mechanisms can help anticipate the short-term evolution of the
cryptocurrency market.
|
Best of many worlds: Robust model selection for online supervised
learning | We introduce algorithms for online, full-information prediction that are
competitive with contextual tree experts of unknown complexity, in both
probabilistic and adversarial settings. We show that by incorporating a
probabilistic framework of structural risk minimization into existing adaptive
algorithms, we can robustly learn not only the presence of stochastic structure
when it exists (leading to constant as opposed to $\mathcal{O}(\sqrt{T})$
regret), but also the correct model order. We thus obtain regret bounds that
are competitive with the regret of an optimal algorithm that possesses strong
side information about both the complexity of the optimal contextual tree
expert and whether the process generating the data is stochastic or
adversarial. These are the first constructive guarantees on simultaneous
adaptivity to the model and the presence of stochasticity.
|
Global Navigation Using Predictable and Slow Feature Analysis in
Multiroom Environments, Path Planning and Other Control Tasks | Extended Predictable Feature Analysis (PFAx) [Richthofer and Wiskott, 2017]
is an extension of PFA [Richthofer and Wiskott, 2015] that allows generating a
goal-directed control signal of an agent whose dynamics has previously been
learned during a training phase in an unsupervised manner. PFAx hardly requires
assumptions or prior knowledge of the agent's sensor or control mechanics, or
of the environment. It selects features from a high-dimensional input by
intrinsic predictability and organizes them into a reasonably low-dimensional
model.
While PFA obtains a well predictable model, PFAx yields a model ideally
suited for manipulations with predictable outcome. This allows for
goal-directed manipulation of an agent and thus for local navigation, i.e. for
reaching states where intermediate actions can be chosen by a permanent descent
of distance to the goal. The approach is limited when it comes to global
navigation, e.g. involving obstacles or multiple rooms.
In this article, we extend theoretical results from [Sprekeler and Wiskott,
2008], enabling PFAx to perform stable global navigation. So far, the most
widely exploited characteristic of Slow Feature Analysis (SFA) was that
slowness yields invariances. We focus on another fundamental characteristics of
slow signals: They tend to yield monotonicity and one significant property of
monotonicity is that local optimization is sufficient to find a global optimum.
We present an SFA-based algorithm that structures an environment such that
navigation tasks hierarchically decompose into subgoals. Each of these can be
efficiently achieved by PFAx, yielding an overall global solution of the task.
The algorithm needs to explore and process an environment only once and can
then perform all sorts of navigation tasks efficiently. We support this
algorithm by mathematical theory and apply it to different problems.
|
On Coresets for Logistic Regression | Coresets are one of the central methods to facilitate the analysis of large
data sets. We continue a recent line of research applying the theory of
coresets to logistic regression. First, we show a negative result, namely, that
no strongly sublinear sized coresets exist for logistic regression. To deal
with intractable worst-case instances we introduce a complexity measure
$\mu(X)$, which quantifies the hardness of compressing a data set for logistic
regression. $\mu(X)$ has an intuitive statistical interpretation that may be of
independent interest. For data sets with bounded $\mu(X)$-complexity, we show
that a novel sensitivity sampling scheme produces the first provably sublinear
$(1\pm\varepsilon)$-coreset. We illustrate the performance of our method by
comparing to uniform sampling as well as to state of the art methods in the
area. The experiments are conducted on real world benchmark data for logistic
regression.
|
Breaking the Activation Function Bottleneck through Adaptive
Parameterization | Standard neural network architectures are non-linear only by virtue of a
simple element-wise activation function, making them both brittle and
excessively large. In this paper, we consider methods for making the
feed-forward layer more flexible while preserving its basic structure. We
develop simple drop-in replacements that learn to adapt their parameterization
conditional on the input, thereby increasing statistical efficiency
significantly. We present an adaptive LSTM that advances the state of the art
for the Penn Treebank and WikiText-2 word-modeling tasks while using fewer
parameters and converging in less than half as many iterations.
|
"Why Should I Trust Interactive Learners?" Explaining Interactive
Queries of Classifiers to Users | Although interactive learning puts the user into the loop, the learner
remains mostly a black box for the user. Understanding the reasons behind
queries and predictions is important when assessing how the learner works and,
in turn, trust. Consequently, we propose the novel framework of explanatory
interactive learning: in each step, the learner explains its interactive query
to the user, and she queries of any active classifier for visualizing
explanations of the corresponding predictions. We demonstrate that this can
boost the predictive and explanatory powers of and the trust into the learned
model, using text (e.g. SVMs) and image classification (e.g. neural networks)
experiments as well as a user study.
|
An Optimal Rewiring Strategy for Reinforcement Social Learning in
Cooperative Multiagent Systems | Multiagent coordination in cooperative multiagent systems (MASs) has been
widely studied in both fixed-agent repeated interaction setting and the static
social learning framework. However, two aspects of dynamics in real-world
multiagent scenarios are currently missing in existing works. First, the
network topologies can be dynamic where agents may change their connections
through rewiring during the course of interactions. Second, the game matrix
between each pair of agents may not be static and usually not known as a prior.
Both the network dynamic and game uncertainty increase the coordination
difficulty among agents. In this paper, we consider a multiagent dynamic social
learning environment in which each agent can choose to rewire potential
partners and interact with randomly chosen neighbors in each round. We propose
an optimal rewiring strategy for agents to select most beneficial peers to
interact with for the purpose of maximizing the accumulated payoff in repeated
interactions. We empirically demonstrate the effectiveness and robustness of
our approach through comparing with benchmark strategies. The performance of
three representative learning strategies under our social learning framework
with our optimal rewiring is investigated as well.
|
Confounding-Robust Policy Improvement | We study the problem of learning personalized decision policies from
observational data while accounting for possible unobserved confounding.
Previous approaches, which assume unconfoundedness, i.e., that no unobserved
confounders affect both the treatment assignment as well as outcome, can lead
to policies that introduce harm rather than benefit when some unobserved
confounding is present, as is generally the case with observational data.
Instead, since policy value and regret may not be point-identifiable, we study
a method that minimizes the worst-case estimated regret of a candidate policy
against a baseline policy over an uncertainty set for propensity weights that
controls the extent of unobserved confounding. We prove generalization
guarantees that ensure our policy will be safe when applied in practice and
will in fact obtain the best-possible uniform control on the range of all
possible population regrets that agree with the possible extent of confounding.
We develop efficient algorithmic solutions to compute this confounding-robust
policy. Finally, we assess and compare our methods on synthetic and
semi-synthetic data. In particular, we consider a case study on personalizing
hormone replacement therapy based on observational data, where we validate our
results on a randomized experiment. We demonstrate that hidden confounding can
hinder existing policy learning approaches and lead to unwarranted harm, while
our robust approach guarantees safety and focuses on well-evidenced
improvement, a necessity for making personalized treatment policies learned
from observational data reliable in practice.
|
Optimization, fast and slow: optimally switching between local and
Bayesian optimization | We develop the first Bayesian Optimization algorithm, BLOSSOM, which selects
between multiple alternative acquisition functions and traditional local
optimization at each step. This is combined with a novel stopping condition
based on expected regret. This pairing allows us to obtain the best
characteristics of both local and Bayesian optimization, making efficient use
of function evaluations while yielding superior convergence to the global
minimum on a selection of optimization problems, and also halting optimization
once a principled and intuitive stopping condition has been fulfilled.
|
Wavelet Convolutional Neural Networks | Spatial and spectral approaches are two major approaches for image processing
tasks such as image classification and object recognition. Among many such
algorithms, convolutional neural networks (CNNs) have recently achieved
significant performance improvement in many challenging tasks. Since CNNs
process images directly in the spatial domain, they are essentially spatial
approaches. Given that spatial and spectral approaches are known to have
different characteristics, it will be interesting to incorporate a spectral
approach into CNNs. We propose a novel CNN architecture, wavelet CNNs, which
combines a multiresolution analysis and CNNs into one model. Our insight is
that a CNN can be viewed as a limited form of a multiresolution analysis. Based
on this insight, we supplement missing parts of the multiresolution analysis
via wavelet transform and integrate them as additional components in the entire
architecture. Wavelet CNNs allow us to utilize spectral information which is
mostly lost in conventional CNNs but useful in most image processing tasks. We
evaluate the practical performance of wavelet CNNs on texture classification
and image annotation. The experiments show that wavelet CNNs can achieve better
accuracy in both tasks than existing models while having significantly fewer
parameters than conventional CNNs.
|
Transitions, Losses, and Re-parameterizations: Elements of Prediction
Games | This thesis presents some geometric insights into three different types of
two player prediction games -- namely general learning task, prediction with
expert advice, and online convex optimization. These games differ in the nature
of the opponent (stochastic, adversarial, or intermediate), the order of the
players' move, and the utility function. The insights shed some light on the
understanding of the intrinsic barriers of the prediction problems and the
design of computationally efficient learning algorithms with strong theoretical
guarantees (such as generalizability, statistical consistency, and constant
regret etc.).
|
Cost-aware Cascading Bandits | In this paper, we propose a cost-aware cascading bandits model, a new variant
of multi-armed ban- dits with cascading feedback, by considering the random
cost of pulling arms. In each step, the learning agent chooses an ordered list
of items and examines them sequentially, until certain stopping condition is
satisfied. Our objective is then to max- imize the expected net reward in each
step, i.e., the reward obtained in each step minus the total cost in- curred in
examining the items, by deciding the or- dered list of items, as well as when
to stop examina- tion. We study both the offline and online settings, depending
on whether the state and cost statistics of the items are known beforehand. For
the of- fline setting, we show that the Unit Cost Ranking with Threshold 1
(UCR-T1) policy is optimal. For the online setting, we propose a Cost-aware
Cas- cading Upper Confidence Bound (CC-UCB) algo- rithm, and show that the
cumulative regret scales in O(log T ). We also provide a lower bound for all
{\alpha}-consistent policies, which scales in {\Omega}(log T ) and matches our
upper bound. The performance of the CC-UCB algorithm is evaluated with both
synthetic and real-world data.
|
Multi-Statistic Approximate Bayesian Computation with Multi-Armed
Bandits | Approximate Bayesian computation is an established and popular method for
likelihood-free inference with applications in many disciplines. The
effectiveness of the method depends critically on the availability of well
performing summary statistics. Summary statistic selection relies heavily on
domain knowledge and carefully engineered features, and can be a laborious time
consuming process. Since the method is sensitive to data dimensionality, the
process of selecting summary statistics must balance the need to include
informative statistics and the dimensionality of the feature vector. This paper
proposes to treat the problem of dynamically selecting an appropriate summary
statistic from a given pool of candidate summary statistics as a multi-armed
bandit problem. This allows approximate Bayesian computation rejection sampling
to dynamically focus on a distribution over well performing summary statistics
as opposed to a fixed set of statistics. The proposed method is unique in that
it does not require any pre-processing and is scalable to a large number of
candidate statistics. This enables efficient use of a large library of possible
time series summary statistics without prior feature engineering. The proposed
approach is compared to state-of-the-art methods for summary statistics
selection using a challenging test problem from the systems biology literature.
|
Nonlinear ICA Using Auxiliary Variables and Generalized Contrastive
Learning | Nonlinear ICA is a fundamental problem for unsupervised representation
learning, emphasizing the capacity to recover the underlying latent variables
generating the data (i.e., identifiability). Recently, the very first
identifiability proofs for nonlinear ICA have been proposed, leveraging the
temporal structure of the independent components. Here, we propose a general
framework for nonlinear ICA, which, as a special case, can make use of temporal
structure. It is based on augmenting the data by an auxiliary variable, such as
the time index, the history of the time series, or any other available
information. We propose to learn nonlinear ICA by discriminating between true
augmented data, or data in which the auxiliary variable has been randomized.
This enables the framework to be implemented algorithmically through logistic
regression, possibly in a neural network. We provide a comprehensive proof of
the identifiability of the model as well as the consistency of our estimation
method. The approach not only provides a general theoretical framework
combining and generalizing previously proposed nonlinear ICA models and
algorithms, but also brings practical advantages.
|
LMKL-Net: A Fast Localized Multiple Kernel Learning Solver via Deep
Neural Networks | In this paper we propose solving localized multiple kernel learning (LMKL)
using LMKL-Net, a feedforward deep neural network. In contrast to previous
works, as a learning principle we propose {\em parameterizing} both the gating
function for learning kernel combination weights and the multiclass classifier
in LMKL using an attentional network (AN) and a multilayer perceptron (MLP),
respectively. In this way we can learn the (nonlinear) decision function in
LMKL (approximately) by sequential applications of AN and MLP. Empirically on
benchmark datasets we demonstrate that overall LMKL-Net can not only outperform
the state-of-the-art MKL solvers in terms of accuracy, but also be trained
about {\em two orders of magnitude} faster with much smaller memory footprint
for large-scale learning.
|
Robust Conditional Generative Adversarial Networks | Conditional generative adversarial networks (cGAN) have led to large
improvements in the task of conditional image generation, which lies at the
heart of computer vision. The major focus so far has been on performance
improvement, while there has been little effort in making cGAN more robust to
noise. The regression (of the generator) might lead to arbitrarily large errors
in the output, which makes cGAN unreliable for real-world applications. In this
work, we introduce a novel conditional GAN model, called RoCGAN, which
leverages structure in the target space of the model to address the issue. Our
model augments the generator with an unsupervised pathway, which promotes the
outputs of the generator to span the target manifold even in the presence of
intense noise. We prove that RoCGAN share similar theoretical properties as GAN
and experimentally verify that our model outperforms existing state-of-the-art
cGAN architectures by a large margin in a variety of domains including images
from natural scenes and faces.
|
Structured Bayesian Gaussian process latent variable model | We introduce a Bayesian Gaussian process latent variable model that
explicitly captures spatial correlations in data using a parameterized spatial
kernel and leveraging structure-exploiting algebra on the model covariance
matrices for computational tractability. Inference is made tractable through a
collapsed variational bound with similar computational complexity to that of
the traditional Bayesian GP-LVM. Inference over partially-observed test cases
is achieved by optimizing a "partially-collapsed" bound. Modeling
high-dimensional time series systems is enabled through use of a dynamical GP
latent variable prior. Examples imputing missing data on images and
super-resolution imputation of missing video frames demonstrate the model.
|
Adding One Neuron Can Eliminate All Bad Local Minima | One of the main difficulties in analyzing neural networks is the
non-convexity of the loss function which may have many bad local minima.
In this paper, we study the landscape of neural networks for binary
classification tasks. Under mild assumptions, we prove that after adding one
special neuron with a skip connection to the output, or one special neuron per
layer, every local minimum is a global minimum.
|
Information Constraints on Auto-Encoding Variational Bayes | Parameterizing the approximate posterior of a generative model with neural
networks has become a common theme in recent machine learning research. While
providing appealing flexibility, this approach makes it difficult to impose or
assess structural constraints such as conditional independence. We propose a
framework for learning representations that relies on Auto-Encoding Variational
Bayes and whose search space is constrained via kernel-based measures of
independence. In particular, our method employs the $d$-variable
Hilbert-Schmidt Independence Criterion (dHSIC) to enforce independence between
the latent representations and arbitrary nuisance factors. We show how to apply
this method to a range of problems, including the problems of learning
invariant representations and the learning of interpretable representations. We
also present a full-fledged application to single-cell RNA sequencing
(scRNA-seq). In this setting the biological signal is mixed in complex ways
with sequencing errors and sampling effects. We show that our method
out-performs the state-of-the-art in this domain.
|
Fused Deep Neural Networks for Efficient Pedestrian Detection | In this paper, we present an efficient pedestrian detection system, designed
by fusion of multiple deep neural network (DNN) systems. Pedestrian candidates
are first generated by a single shot convolutional multi-box detector at
different locations with various scales and aspect ratios. The candidate
generator is designed to provide the majority of ground truth pedestrian
annotations at the cost of a large number of false positives. Then, a
classification system using the idea of ensemble learning is deployed to
improve the detection accuracy. The classification system further classifies
the generated candidates based on opinions of multiple deep verification
networks and a fusion network which utilizes a novel soft-rejection fusion
method to adjust the confidence in the detection results. To improve the
training of the deep verification networks, a novel soft-label method is
devised to assign floating point labels to the generated pedestrian candidates.
A deep context aggregation semantic segmentation network also provides
pixel-level classification of the scene and its results are softly fused with
the detection results by the single shot detector. Our pedestrian detector
compared favorably to state-of-art methods on all popular pedestrian detection
datasets. For example, our fused DNN has better detection accuracy on the
Caltech Pedestrian dataset than all previous state of art methods, while also
being the fastest. We significantly improved the log-average miss rate on the
Caltech pedestrian dataset to 7.67% and achieved the new state-of-the-art.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.