title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Structured Control Nets for Deep Reinforcement Learning | In recent years, Deep Reinforcement Learning has made impressive advances in
solving several important benchmark problems for sequential decision making.
Many control applications use a generic multilayer perceptron (MLP) for
non-vision parts of the policy network. In this work, we propose a new neural
network architecture for the policy network representation that is simple yet
effective. The proposed Structured Control Net (SCN) splits the generic MLP
into two separate sub-modules: a nonlinear control module and a linear control
module. Intuitively, the nonlinear control is for forward-looking and global
control, while the linear control stabilizes the local dynamics around the
residual of global control. We hypothesize that this will bring together the
benefits of both linear and nonlinear policies: improve training sample
efficiency, final episodic reward, and generalization of learned policy, while
requiring a smaller network and being generally applicable to different
training methods. We validated our hypothesis with competitive results on
simulations from OpenAI MuJoCo, Roboschool, Atari, and a custom 2D urban
driving environment, with various ablation and generalization tests, trained
with multiple black-box and policy gradient training methods. The proposed
architecture has the potential to improve upon broader control tasks by
incorporating problem specific priors into the architecture. As a case study,
we demonstrate much improved performance for locomotion tasks by emulating the
biological central pattern generators (CPGs) as the nonlinear part of the
architecture.
|
Proportional Volume Sampling and Approximation Algorithms for A-Optimal
Design | We study the optimal design problems where the goal is to choose a set of
linear measurements to obtain the most accurate estimate of an unknown vector
in $d$ dimensions. We study the $A$-optimal design variant where the objective
is to minimize the average variance of the error in the maximum likelihood
estimate of the vector being measured. The problem also finds applications in
sensor placement in wireless networks, sparse least squares regression, feature
selection for $k$-means clustering, and matrix approximation. In this paper, we
introduce proportional volume sampling to obtain improved approximation
algorithms for $A$-optimal design. Our main result is to obtain improved
approximation algorithms for the $A$-optimal design problem by introducing the
proportional volume sampling algorithm. Our results nearly optimal bounds in
the asymptotic regime when the number of measurements done, $k$, is
significantly more than the dimension $d$. We also give first approximation
algorithms when $k$ is small including when $k=d$. The proportional
volume-sampling algorithm also gives approximation algorithms for other optimal
design objectives such as $D$-optimal design and generalized ratio objective
matching or improving previous best known results. Interestingly, we show that
a similar guarantee cannot be obtained for the $E$-optimal design problem. We
also show that the $A$-optimal design problem is NP-hard to approximate within
a fixed constant when $k=d$.
|
Deep learning algorithm for data-driven simulation of noisy dynamical
system | We present a deep learning model, DE-LSTM, for the simulation of a stochastic
process with an underlying nonlinear dynamics. The deep learning model aims to
approximate the probability density function of a stochastic process via
numerical discretization and the underlying nonlinear dynamics is modeled by
the Long Short-Term Memory (LSTM) network. It is shown that, when the numerical
discretization is used, the function estimation problem can be solved by a
multi-label classification problem. A penalized maximum log likelihood method
is proposed to impose a smoothness condition in the prediction of the
probability distribution. We show that the time evolution of the probability
distribution can be computed by a high-dimensional integration of the
transition probability of the LSTM internal states. A Monte Carlo algorithm to
approximate the high-dimensional integration is outlined. The behavior of
DE-LSTM is thoroughly investigated by using the Ornstein-Uhlenbeck process and
noisy observations of nonlinear dynamical systems; Mackey-Glass time series and
forced Van der Pol oscillator. It is shown that DE-LSTM makes a good prediction
of the probability distribution without assuming any distributional properties
of the stochastic process. For a multiple-step forecast of the Mackey-Glass
time series, the prediction uncertainty, denoted by the 95\% confidence
interval, first grows, then dynamically adjusts following the evolution of the
system, while in the simulation of the forced Van der Pol oscillator, the
prediction uncertainty does not grow in time even for a 3,000-step forecast.
|
Diverse Exploration for Fast and Safe Policy Improvement | We study an important yet under-addressed problem of quickly and safely
improving policies in online reinforcement learning domains. As its solution,
we propose a novel exploration strategy - diverse exploration (DE), which
learns and deploys a diverse set of safe policies to explore the environment.
We provide DE theory explaining why diversity in behavior policies enables
effective exploration without sacrificing exploitation. Our empirical study
shows that an online policy improvement algorithm framework implementing the DE
strategy can achieve both fast policy improvement and safe online performance.
|
Learning Without Mixing: Towards A Sharp Analysis of Linear System
Identification | We prove that the ordinary least-squares (OLS) estimator attains nearly
minimax optimal performance for the identification of linear dynamical systems
from a single observed trajectory. Our upper bound relies on a generalization
of Mendelson's small-ball method to dependent data, eschewing the use of
standard mixing-time arguments. Our lower bounds reveal that these upper bounds
match up to logarithmic factors. In particular, we capture the correct
signal-to-noise behavior of the problem, showing that more unstable linear
systems are easier to estimate. This behavior is qualitatively different from
arguments which rely on mixing-time calculations that suggest that unstable
systems are more difficult to estimate. We generalize our technique to provide
bounds for a more general class of linear response time-series.
|
Learning to Make Predictions on Graphs with Autoencoders | We examine two fundamental tasks associated with graph representation
learning: link prediction and semi-supervised node classification. We present a
novel autoencoder architecture capable of learning a joint representation of
both local graph structure and available node features for the multi-task
learning of link prediction and node classification. Our autoencoder
architecture is efficiently trained end-to-end in a single learning stage to
simultaneously perform link prediction and node classification, whereas
previous related methods require multiple training steps that are difficult to
optimize. We provide a comprehensive empirical evaluation of our models on nine
benchmark graph-structured datasets and demonstrate significant improvement
over related methods for graph representation learning. Reference code and data
are available at https://github.com/vuptran/graph-representation-learning
|
An efficient $k$-means-type algorithm for clustering datasets with
incomplete records | The $k$-means algorithm is arguably the most popular nonparametric clustering
method but cannot generally be applied to datasets with incomplete records. The
usual practice then is to either impute missing values under an assumed
missing-completely-at-random mechanism or to ignore the incomplete records, and
apply the algorithm on the resulting dataset. We develop an efficient version
of the $k$-means algorithm that allows for clustering in the presence of
incomplete records. Our extension is called $k_m$-means and reduces to the
$k$-means algorithm when all records are complete. We also provide
initialization strategies for our algorithm and methods to estimate the number
of groups in the dataset. Illustrations and simulations demonstrate the
efficacy of our approach in a variety of settings and patterns of missing data.
Our methods are also applied to the analysis of activation images obtained from
a functional Magnetic Resonance Imaging experiment.
|
On Abruptly-Changing and Slowly-Varying Multiarmed Bandit Problems | We study the non-stationary stochastic multiarmed bandit (MAB) problem and
propose two generic algorithms, namely, the limited memory deterministic
sequencing of exploration and exploitation (LM-DSEE) and the Sliding-Window
Upper Confidence Bound# (SW-UCB#). We rigorously analyze these algorithms in
abruptly-changing and slowly-varying environments and characterize their
performance. We show that the expected cumulative regret for these algorithms
under either of the environments is upper bounded by sublinear functions of
time, i.e., the time average of the regret asymptotically converges to zero. We
complement our analytic results with numerical illustrations.
|
Harnessing Structures in Big Data via Guaranteed Low-Rank Matrix
Estimation | Low-rank modeling plays a pivotal role in signal processing and machine
learning, with applications ranging from collaborative filtering, video
surveillance, medical imaging, to dimensionality reduction and adaptive
filtering. Many modern high-dimensional data and interactions thereof can be
modeled as lying approximately in a low-dimensional subspace or manifold,
possibly with additional structures, and its proper exploitations lead to
significant reduction of costs in sensing, computation and storage. In recent
years, there is a plethora of progress in understanding how to exploit low-rank
structures using computationally efficient procedures in a provable manner,
including both convex and nonconvex approaches. On one side, convex relaxations
such as nuclear norm minimization often lead to statistically optimal
procedures for estimating low-rank matrices, where first-order methods are
developed to address the computational challenges; on the other side, there is
emerging evidence that properly designed nonconvex procedures, such as
projected gradient descent, often provide globally optimal solutions with a
much lower computational cost in many problems. This survey article will
provide a unified overview of these recent advances on low-rank matrix
estimation from incomplete measurements. Attention is paid to rigorous
characterization of the performance of these algorithms, and to problems where
the low-rank matrix have additional structural properties that require new
algorithmic designs and theoretical analysis.
|
Local moment matching: A unified methodology for symmetric functional
estimation and distribution estimation under Wasserstein distance | We present \emph{Local Moment Matching (LMM)}, a unified methodology for
symmetric functional estimation and distribution estimation under Wasserstein
distance. We construct an efficiently computable estimator that achieves the
minimax rates in estimating the distribution up to permutation, and show that
the plug-in approach of our unlabeled distribution estimator is "universal" in
estimating symmetric functionals of discrete distributions. Instead of doing
best polynomial approximation explicitly as in existing literature of
functional estimation, the plug-in approach conducts polynomial approximation
implicitly and attains the optimal sample complexity for the entropy, power sum
and support size functionals.
|
Solving Linear Inverse Problems Using GAN Priors: An Algorithm with
Provable Guarantees | In recent works, both sparsity-based methods as well as learning-based
methods have proven to be successful in solving several challenging linear
inverse problems. However, sparsity priors for natural signals and images
suffer from poor discriminative capability, while learning-based methods seldom
provide concrete theoretical guarantees. In this work, we advocate the idea of
replacing hand-crafted priors, such as sparsity, with a Generative Adversarial
Network (GAN) to solve linear inverse problems such as compressive sensing. In
particular, we propose a projected gradient descent (PGD) algorithm for
effective use of GAN priors for linear inverse problems, and also provide
theoretical guarantees on the rate of convergence of this algorithm. Moreover,
we show empirically that our algorithm demonstrates superior performance over
an existing method of leveraging GANs for compressive sensing.
|
Exponentially Consistent Kernel Two-Sample Tests | Given two sets of independent samples from unknown distributions $P$ and $Q$,
a two-sample test decides whether to reject the null hypothesis that $P=Q$.
Recent attention has focused on kernel two-sample tests as the test statistics
are easy to compute, converge fast, and have low bias with their finite sample
estimates. However, there still lacks an exact characterization on the
asymptotic performance of such tests, and in particular, the rate at which the
type-II error probability decays to zero in the large sample limit. In this
work, we establish that a class of kernel two-sample tests are exponentially
consistent with Polish, locally compact Hausdorff sample space, e.g., $\mathbb
R^d$. The obtained exponential decay rate is further shown to be optimal among
all two-sample tests satisfying the level constraint, and is independent of
particular kernels provided that they are bounded continuous and
characteristic. Our results gain new insights into related issues such as fair
alternative for testing and kernel selection strategy. Finally, as an
application, we show that a kernel based test achieves the optimal detection
for off-line change detection in the nonparametric setting.
|
Efficient Neural Audio Synthesis | Sequential models achieve state-of-the-art results in audio, visual and
textual domains with respect to both estimating the data distribution and
generating high-quality samples. Efficient sampling for this class of models
has however remained an elusive problem. With a focus on text-to-speech
synthesis, we describe a set of general techniques for reducing sampling time
while maintaining high output quality. We first describe a single-layer
recurrent neural network, the WaveRNN, with a dual softmax layer that matches
the quality of the state-of-the-art WaveNet model. The compact form of the
network makes it possible to generate 24kHz 16-bit audio 4x faster than real
time on a GPU. Second, we apply a weight pruning technique to reduce the number
of weights in the WaveRNN. We find that, for a constant number of parameters,
large sparse networks perform better than small dense networks and this
relationship holds for sparsity levels beyond 96%. The small number of weights
in a Sparse WaveRNN makes it possible to sample high-fidelity audio on a mobile
CPU in real time. Finally, we propose a new generation scheme based on
subscaling that folds a long sequence into a batch of shorter sequences and
allows one to generate multiple samples at once. The Subscale WaveRNN produces
16 samples per step without loss of quality and offers an orthogonal method for
increasing sampling efficiency.
|
AEkNN: An AutoEncoder kNN-based classifier with built-in dimensionality
reduction | High dimensionality, i.e. data having a large number of variables, tends to
be a challenge for most machine learning tasks, including classification. A
classifier usually builds a model representing how a set of inputs explain the
outputs. The larger is the set of inputs and/or outputs, the more complex would
be that model. There is a family of classification algorithms, known as lazy
learning methods, which does not build a model. One of the best known members
of this family is the kNN algorithm. Its strategy relies on searching a set of
nearest neighbors, using the input variables as position vectors and computing
distances among them. These distances loss significance in high-dimensional
spaces. Therefore kNN, as many other classifiers, tends to worse its
performance as the number of input variables grows.
In this work AEkNN, a new kNN-based algorithm with built-in dimensionality
reduction, is presented. Aiming to obtain a new representation of the data,
having a lower dimensionality but with more informational features, AEkNN
internally uses autoencoders. From this new feature vectors the computed
distances should be more significant, thus providing a way to choose better
neighbors. A experimental evaluation of the new proposal is conducted,
analyzing several configurations and comparing them against the classical kNN
algorithm. The obtained conclusions demonstrate that AEkNN offers better
results in predictive and runtime performance.
|
Optimized Algorithms to Sample Determinantal Point Processes | In this technical report, we discuss several sampling algorithms for
Determinantal Point Processes (DPP). DPPs have recently gained a broad interest
in the machine learning and statistics literature as random point processes
with negative correlation, i.e., ones that can generate a "diverse" sample from
a set of items. They are parametrized by a matrix $\mathbf{L}$, called
$L$-ensemble, that encodes the correlations between items. The standard
sampling algorithm is separated in three phases: 1/~eigendecomposition of
$\mathbf{L}$, 2/~an eigenvector sampling phase where $\mathbf{L}$'s
eigenvectors are sampled independently via a Bernoulli variable parametrized by
their associated eigenvalue, 3/~a Gram-Schmidt-type orthogonalisation procedure
of the sampled eigenvectors.
In a naive implementation, the computational cost of the third step is on
average $\mathcal{O}(N\mu^3)$ where $\mu$ is the average number of samples of
the DPP. We give an algorithm which runs in $\mathcal{O}(N\mu^2)$ and is
extremely simple to implement. If memory is a constraint, we also describe a
dual variant with reduced memory costs. In addition, we discuss implementation
details often missing in the literature.
|
Coloring black boxes: visualization of neural network decisions | Neural networks are commonly regarded as black boxes performing
incomprehensible functions. For classification problems networks provide maps
from high dimensional feature space to K-dimensional image space. Images of
training vector are projected on polygon vertices, providing visualization of
network function. Such visualization may show the dynamics of learning, allow
for comparison of different networks, display training vectors around which
potential problems may arise, show differences due to regularization and
optimization procedures, investigate stability of network classification under
perturbation of original vectors, and place new data sample in relation to
training data, allowing for estimation of confidence in classification of a
given sample. An illustrative example for the three-class Wine data and
five-class Satimage data is described. The visualization method proposed here
is applicable to any black box system that provides continuous outputs.
|
Fast and Sample Near-Optimal Algorithms for Learning Multidimensional
Histograms | We study the problem of robustly learning multi-dimensional histograms. A
$d$-dimensional function $h: D \rightarrow \mathbb{R}$ is called a
$k$-histogram if there exists a partition of the domain $D \subseteq
\mathbb{R}^d$ into $k$ axis-aligned rectangles such that $h$ is constant within
each such rectangle. Let $f: D \rightarrow \mathbb{R}$ be a $d$-dimensional
probability density function and suppose that $f$ is $\mathrm{OPT}$-close, in
$L_1$-distance, to an unknown $k$-histogram (with unknown partition). Our goal
is to output a hypothesis that is $O(\mathrm{OPT}) + \epsilon$ close to $f$, in
$L_1$-distance. We give an algorithm for this learning problem that uses $n =
\tilde{O}_d(k/\epsilon^2)$ samples and runs in time $\tilde{O}_d(n)$. For any
fixed dimension, our algorithm has optimal sample complexity, up to logarithmic
factors, and runs in near-linear time. Prior to our work, the time complexity
of the $d=1$ case was well-understood, but significant gaps in our
understanding remained even for $d=2$.
|
The Weighted Kendall and High-order Kernels for Permutations | We propose new positive definite kernels for permutations. First we introduce
a weighted version of the Kendall kernel, which allows to weight unequally the
contributions of different item pairs in the permutations depending on their
ranks. Like the Kendall kernel, we show that the weighted version is invariant
to relabeling of items and can be computed efficiently in $O(n \ln(n))$
operations, where $n$ is the number of items in the permutation. Second, we
propose a supervised approach to learn the weights by jointly optimizing them
with the function estimated by a kernel machine. Third, while the Kendall
kernel considers pairwise comparison between items, we extend it by considering
higher-order comparisons among tuples of items and show that the supervised
approach of learning the weights can be systematically generalized to
higher-order permutation kernels.
|
Training wide residual networks for deployment using a single bit for
each weight | For fast and energy-efficient deployment of trained deep neural networks on
resource-constrained embedded hardware, each learned weight parameter should
ideally be represented and stored using a single bit. Error-rates usually
increase when this requirement is imposed. Here, we report large improvements
in error rates on multiple datasets, for deep convolutional neural networks
deployed with 1-bit-per-weight. Using wide residual networks as our main
baseline, our approach simplifies existing methods that binarize weights by
applying the sign function in training; we apply scaling factors for each layer
with constant unlearned values equal to the layer-specific standard deviations
used for initialization. For CIFAR-10, CIFAR-100 and ImageNet, and models with
1-bit-per-weight requiring less than 10 MB of parameter memory, we achieve
error rates of 3.9%, 18.5% and 26.0% / 8.5% (Top-1 / Top-5) respectively. We
also considered MNIST, SVHN and ImageNet32, achieving 1-bit-per-weight test
results of 0.27%, 1.9%, and 41.3% / 19.1% respectively. For CIFAR, our error
rates halve previously reported values, and are within about 1% of our
error-rates for the same network with full-precision weights. For networks that
overfit, we also show significant improvements in error rate by not learning
batch normalization scale and offset parameters. This applies to both full
precision and 1-bit-per-weight networks. Using a warm-restart learning-rate
schedule, we found that training for 1-bit-per-weight is just as fast as
full-precision networks, with better accuracy than standard schedules, and
achieved about 98%-99% of peak performance in just 62 training epochs for
CIFAR-10/100. For full training code and trained models in MATLAB, Keras and
PyTorch see https://github.com/McDonnell-Lab/1-bit-per-weight/ .
|
Weighted Double Deep Multiagent Reinforcement Learning in Stochastic
Cooperative Environments | Recently, multiagent deep reinforcement learning (DRL) has received
increasingly wide attention. Existing multiagent DRL algorithms are inefficient
when facing with the non-stationarity due to agents update their policies
simultaneously in stochastic cooperative environments. This paper extends the
recently proposed weighted double estimator to the multiagent domain and
propose a multiagent DRL framework, named weighted double deep Q-network
(WDDQN). By utilizing the weighted double estimator and the deep neural
network, WDDQN can not only reduce the bias effectively but also be extended to
scenarios with raw visual inputs. To achieve efficient cooperation in the
multiagent domain, we introduce the lenient reward network and the scheduled
replay strategy. Experiments show that the WDDQN outperforms the existing DRL
and multiaent DRL algorithms, i.e., double DQN and lenient Q-learning, in terms
of the average reward and the convergence rate in stochastic cooperative
environments.
|
Personalized Gaussian Processes for Forecasting of Alzheimer's Disease
Assessment Scale-Cognition Sub-Scale (ADAS-Cog13) | In this paper, we introduce the use of a personalized Gaussian Process model
(pGP) to predict per-patient changes in ADAS-Cog13 -- a significant predictor
of Alzheimer's Disease (AD) in the cognitive domain -- using data from each
patient's previous visits, and testing on future (held-out) data. We start by
learning a population-level model using multi-modal data from previously seen
patients using a base Gaussian Process (GP) regression. The personalized GP
(pGP) is formed by adapting the base GP sequentially over time to a new
(target) patient using domain adaptive GPs. We extend this personalized
approach to predict the values of ADAS-Cog13 over the future 6, 12, 18, and 24
months. We compare this approach to a GP model trained only on past data of the
target patients (tGP), as well as to a new approach that combines pGP with tGP.
We find that the new approach, combining pGP with tGP, leads to large
improvements in accurately forecasting future ADAS-Cog13 scores.
|
Adversarial Training for Probabilistic Spiking Neural Networks | Classifiers trained using conventional empirical risk minimization or maximum
likelihood methods are known to suffer dramatic performance degradations when
tested over examples adversarially selected based on knowledge of the
classifier's decision rule. Due to the prominence of Artificial Neural Networks
(ANNs) as classifiers, their sensitivity to adversarial examples, as well as
robust training schemes, have been recently the subject of intense
investigation. In this paper, for the first time, the sensitivity of spiking
neural networks (SNNs), or third-generation neural networks, to adversarial
examples is studied. The study considers rate and time encoding, as well as
rate and first-to-spike decoding. Furthermore, a robust training mechanism is
proposed that is demonstrated to enhance the performance of SNNs under
white-box attacks.
|
Empirical Risk Minimization under Fairness Constraints | We address the problem of algorithmic fairness: ensuring that sensitive
variables do not unfairly influence the outcome of a classifier. We present an
approach based on empirical risk minimization, which incorporates a fairness
constraint into the learning problem. It encourages the conditional risk of the
learned classifier to be approximately constant with respect to the sensitive
variable. We derive both risk and fairness bounds that support the statistical
consistency of our approach. We specify our approach to kernel methods and
observe that the fairness requirement implies an orthogonality constraint which
can be easily added to these methods. We further observe that for linear models
the constraint translates into a simple data preprocessing step. Experiments
indicate that the method is empirically effective and performs favorably
against state-of-the-art approaches.
|
Loss-aware Weight Quantization of Deep Networks | The huge size of deep networks hinders their use in small computing devices.
In this paper, we consider compressing the network by weight quantization. We
extend a recently proposed loss-aware weight binarization scheme to
ternarization, with possibly different scaling parameters for the positive and
negative weights, and m-bit (where m > 2) quantization. Experiments on
feedforward and recurrent neural networks show that the proposed scheme
outperforms state-of-the-art weight quantization algorithms, and is as accurate
(or even more accurate) than the full-precision network.
|
Learning Latent Permutations with Gumbel-Sinkhorn Networks | Permutations and matchings are core building blocks in a variety of latent
variable models, as they allow us to align, canonicalize, and sort data.
Learning in such models is difficult, however, because exact marginalization
over these combinatorial objects is intractable. In response, this paper
introduces a collection of new methods for end-to-end learning in such models
that approximate discrete maximum-weight matching using the continuous Sinkhorn
operator. Sinkhorn iteration is attractive because it functions as a simple,
easy-to-implement analog of the softmax operator. With this, we can define the
Gumbel-Sinkhorn method, an extension of the Gumbel-Softmax method (Jang et al.
2016, Maddison2016 et al. 2016) to distributions over latent matchings. We
demonstrate the effectiveness of our method by outperforming competitive
baselines on a range of qualitatively different tasks: sorting numbers, solving
jigsaw puzzles, and identifying neural signals in worms.
|
An Algorithmic Framework to Control Bias in Bandit-based Personalization | Personalization is pervasive in the online space as it leads to higher
efficiency and revenue by allowing the most relevant content to be served to
each user. However, recent studies suggest that personalization methods can
propagate societal or systemic biases and polarize opinions; this has led to
calls for regulatory mechanisms and algorithms to combat bias and inequality.
Algorithmically, bandit optimization has enjoyed great success in learning user
preferences and personalizing content or feeds accordingly. We propose an
algorithmic framework that allows for the possibility to control bias or
discrimination in such bandit-based personalization. Our model allows for the
specification of general fairness constraints on the sensitive types of the
content that can be displayed to a user. The challenge, however, is to come up
with a scalable and low regret algorithm for the constrained optimization
problem that arises. Our main technical contribution is a provably fast and
low-regret algorithm for the fairness-constrained bandit optimization problem.
Our proofs crucially leverage the special structure of our problem. Experiments
on synthetic and real-world data sets show that our algorithmic framework can
control bias with only a minor loss to revenue.
|
Verifying Controllers Against Adversarial Examples with Bayesian
Optimization | Recent successes in reinforcement learning have lead to the development of
complex controllers for real-world robots. As these robots are deployed in
safety-critical applications and interact with humans, it becomes critical to
ensure safety in order to avoid causing harm. A first step in this direction is
to test the controllers in simulation. To be able to do this, we need to
capture what we mean by safety and then efficiently search the space of all
behaviors to see if they are safe. In this paper, we present an active-testing
framework based on Bayesian Optimization. We specify safety constraints using
logic and exploit structure in the problem in order to test the system for
adversarial counter examples that violate the safety specifications. These
specifications are defined as complex boolean combinations of smooth functions
on the trajectories and, unlike reward functions in reinforcement learning, are
expressive and impose hard constraints on the system. In our framework, we
exploit regularity assumptions on individual functions in form of a Gaussian
Process (GP) prior. We combine these into a coherent optimization framework
using problem structure. The resulting algorithm is able to provably verify
complex safety specifications or alternatively find counter examples.
Experimental results show that the proposed method is able to find adversarial
examples quickly.
|
Learning Optimal Policies from Observational Data | Choosing optimal (or at least better) policies is an important problem in
domains from medicine to education to finance and many others. One approach to
this problem is through controlled experiments/trials - but controlled
experiments are expensive. Hence it is important to choose the best policies on
the basis of observational data. This presents two difficult challenges: (i)
missing counterfactuals, and (ii) selection bias. This paper presents
theoretical bounds on estimation errors of counterfactuals from observational
data by making connections to domain adaptation theory. It also presents a
principled way of choosing optimal policies using domain adversarial neural
networks. We illustrate the effectiveness of domain adversarial training
together with various features of our algorithm on a semi-synthetic breast
cancer dataset and a supervised UCI dataset (Statlog).
|
Adversarial vulnerability for any classifier | Despite achieving impressive performance, state-of-the-art classifiers remain
highly vulnerable to small, imperceptible, adversarial perturbations. This
vulnerability has proven empirically to be very intricate to address. In this
paper, we study the phenomenon of adversarial perturbations under the
assumption that the data is generated with a smooth generative model. We derive
fundamental upper bounds on the robustness to perturbations of any
classification function, and prove the existence of adversarial perturbations
that transfer well across different classifiers with small risk. Our analysis
of the robustness also provides insights onto key properties of generative
models, such as their smoothness and dimensionality of latent space. We
conclude with numerical experimental results showing that our bounds provide
informative baselines to the maximal achievable robustness on several datasets.
|
Deep Multi-View Spatial-Temporal Network for Taxi Demand Prediction | Taxi demand prediction is an important building block to enabling intelligent
transportation systems in a smart city. An accurate prediction model can help
the city pre-allocate resources to meet travel demand and to reduce empty taxis
on streets which waste energy and worsen the traffic congestion. With the
increasing popularity of taxi requesting services such as Uber and Didi Chuxing
(in China), we are able to collect large-scale taxi demand data continuously.
How to utilize such big data to improve the demand prediction is an interesting
and critical real-world problem. Traditional demand prediction methods mostly
rely on time series forecasting techniques, which fail to model the complex
non-linear spatial and temporal relations. Recent advances in deep learning
have shown superior performance on traditionally challenging tasks such as
image classification by learning the complex features and correlations from
large-scale data. This breakthrough has inspired researchers to explore deep
learning techniques on traffic prediction problems. However, existing methods
on traffic prediction have only considered spatial relation (e.g., using CNN)
or temporal relation (e.g., using LSTM) independently. We propose a Deep
Multi-View Spatial-Temporal Network (DMVST-Net) framework to model both spatial
and temporal relations. Specifically, our proposed model consists of three
views: temporal view (modeling correlations between future demand values with
near time points via LSTM), spatial view (modeling local spatial correlation
via local CNN), and semantic view (modeling correlations among regions sharing
similar temporal patterns). Experiments on large-scale real taxi demand data
demonstrate effectiveness of our approach over state-of-the-art methods.
|
Deep learning in radiology: an overview of the concepts and a survey of
the state of the art | Deep learning is a branch of artificial intelligence where networks of simple
interconnected units are used to extract patterns from data in order to solve
complex problems. Deep learning algorithms have shown groundbreaking
performance in a variety of sophisticated tasks, especially those related to
images. They have often matched or exceeded human performance. Since the
medical field of radiology mostly relies on extracting useful information from
images, it is a very natural application area for deep learning, and research
in this area has rapidly grown in recent years. In this article, we review the
clinical reality of radiology and discuss the opportunities for application of
deep learning algorithms. We also introduce basic concepts of deep learning
including convolutional neural networks. Then, we present a survey of the
research in deep learning applied to radiology. We organize the studies by the
types of specific tasks that they attempt to solve and review the broad range
of utilized deep learning algorithms. Finally, we briefly discuss opportunities
and challenges for incorporating deep learning in the radiology practice of the
future.
|
Learning with Abandonment | Consider a platform that wants to learn a personalized policy for each user,
but the platform faces the risk of a user abandoning the platform if she is
dissatisfied with the actions of the platform. For example, a platform is
interested in personalizing the number of newsletters it sends, but faces the
risk that the user unsubscribes forever. We propose a general thresholded
learning model for scenarios like this, and discuss the structure of optimal
policies. We describe salient features of optimal personalization algorithms
and how feedback the platform receives impacts the results. Furthermore, we
investigate how the platform can efficiently learn the heterogeneity across
users by interacting with a population and provide performance guarantees.
|
Review: Metaheuristic Search-Based Fuzzy Clustering Algorithms | Fuzzy clustering is a famous unsupervised learning method used to collecting
similar data elements within cluster according to some similarity measurement.
But, clustering algorithms suffer from some drawbacks. Among the main weakness
including, selecting the initial cluster centres and the appropriate clusters
number is normally unknown. These weaknesses are considered the most
challenging tasks in clustering algorithms. This paper introduces a
comprehensive review of metahueristic search to solve fuzzy clustering
algorithms problems.
|
A DIRT-T Approach to Unsupervised Domain Adaptation | Domain adaptation refers to the problem of leveraging labeled data in a
source domain to learn an accurate model in a target domain where labels are
scarce or unavailable. A recent approach for finding a common representation of
the two domains is via domain adversarial training (Ganin & Lempitsky, 2015),
which attempts to induce a feature extractor that matches the source and target
feature distributions in some feature space. However, domain adversarial
training faces two critical limitations: 1) if the feature extraction function
has high-capacity, then feature distribution matching is a weak constraint, 2)
in non-conservative domain adaptation (where no single classifier can perform
well in both the source and target domains), training the model to do well on
the source domain hurts performance on the target domain. In this paper, we
address these issues through the lens of the cluster assumption, i.e., decision
boundaries should not cross high-density data regions. We propose two novel and
related models: 1) the Virtual Adversarial Domain Adaptation (VADA) model,
which combines domain adversarial training with a penalty term that punishes
the violation the cluster assumption; 2) the Decision-boundary Iterative
Refinement Training with a Teacher (DIRT-T) model, which takes the VADA model
as initialization and employs natural gradient steps to further minimize the
cluster assumption violation. Extensive empirical results demonstrate that the
combination of these two models significantly improve the state-of-the-art
performance on the digit, traffic sign, and Wi-Fi recognition domain adaptation
benchmarks.
|
Contextual Bandits with Stochastic Experts | We consider the problem of contextual bandits with stochastic experts, which
is a variation of the traditional stochastic contextual bandit with experts
problem. In our problem setting, we assume access to a class of stochastic
experts, where each expert is a conditional distribution over the arms given a
context. We propose upper-confidence bound (UCB) algorithms for this problem,
which employ two different importance sampling based estimators for the mean
reward for each expert. Both these estimators leverage information leakage
among the experts, thus using samples collected under all the experts to
estimate the mean reward of any given expert. This leads to instance dependent
regret bounds of $\mathcal{O}\left(\lambda(\pmb{\mu})\mathcal{M}\log T/\Delta
\right)$, where $\lambda(\pmb{\mu})$ is a term that depends on the mean rewards
of the experts, $\Delta$ is the smallest gap between the mean reward of the
optimal expert and the rest, and $\mathcal{M}$ quantifies the information
leakage among the experts. We show that under some assumptions
$\lambda(\pmb{\mu})$ is typically $\mathcal{O}(\log N)$, where $N$ is the
number of experts. We implement our algorithm with stochastic experts generated
from cost-sensitive classification oracles and show superior empirical
performance on real-world datasets, when compared to other state of the art
contextual bandit algorithms.
|
Fully Decentralized Multi-Agent Reinforcement Learning with Networked
Agents | We consider the problem of \emph{fully decentralized} multi-agent
reinforcement learning (MARL), where the agents are located at the nodes of a
time-varying communication network. Specifically, we assume that the reward
functions of the agents might correspond to different tasks, and are only known
to the corresponding agent. Moreover, each agent makes individual decisions
based on both the information observed locally and the messages received from
its neighbors over the network. Within this setting, the collective goal of the
agents is to maximize the globally averaged return over the network through
exchanging information with their neighbors. To this end, we propose two
decentralized actor-critic algorithms with function approximation, which are
applicable to large-scale MARL problems where both the number of states and the
number of agents are massively large. Under the decentralized structure, the
actor step is performed individually by each agent with no need to infer the
policies of others. For the critic step, we propose a consensus update via
communication over the network. Our algorithms are fully incremental and can be
implemented in an online fashion. Convergence analyses of the algorithms are
provided when the value functions are approximated within the class of linear
functions. Extensive simulation results with both linear and nonlinear function
approximations are presented to validate the proposed algorithms. Our work
appears to be the first study of fully decentralized MARL algorithms for
networked agents with function approximation, with provable convergence
guarantees.
|
Sensitivity and Generalization in Neural Networks: an Empirical Study | In practice it is often found that large over-parameterized neural networks
generalize better than their smaller counterparts, an observation that appears
to conflict with classical notions of function complexity, which typically
favor smaller models. In this work, we investigate this tension between
complexity and generalization through an extensive empirical exploration of two
natural metrics of complexity related to sensitivity to input perturbations.
Our experiments survey thousands of models with various fully-connected
architectures, optimizers, and other hyper-parameters, as well as four
different image classification datasets.
We find that trained neural networks are more robust to input perturbations
in the vicinity of the training data manifold, as measured by the norm of the
input-output Jacobian of the network, and that it correlates well with
generalization. We further establish that factors associated with poor
generalization $-$ such as full-batch training or using random labels $-$
correspond to lower robustness, while factors associated with good
generalization $-$ such as data augmentation and ReLU non-linearities $-$ give
rise to more robust functions. Finally, we demonstrate how the input-output
Jacobian norm can be predictive of generalization at the level of individual
test points.
|
Diffusion Maps meet Nystr\"om | Diffusion maps are an emerging data-driven technique for non-linear
dimensionality reduction, which are especially useful for the analysis of
coherent structures and nonlinear embeddings of dynamical systems. However, the
computational complexity of the diffusion maps algorithm scales with the number
of observations. Thus, long time-series data presents a significant challenge
for fast and efficient embedding. We propose integrating the Nystr\"om method
with diffusion maps in order to ease the computational demand. We achieve a
speedup of roughly two to four times when approximating the dominant diffusion
map components.
|
Model Trees for Identifying Exceptional Players in the NHL Draft | Drafting strong players is crucial for the team success. We describe a new
data-driven interpretable approach for assessing draft prospects in the
National Hockey League. Successful previous approaches have built a predictive
model based on player features, or derived performance predictions from the
observed performance of comparable players in a cohort. This paper develops
model tree learning, which incorporates strengths of both model-based and
cohort-based approaches. A model tree partitions the feature space according to
the values of discrete features, or learned thresholds for continuous features.
Each leaf node in the tree defines a group of players, easily described to
hockey experts, with its own group regression model. Compared to a single
model, the model tree forms an ensemble that increases predictive power.
Compared to cohort-based approaches, the groups of comparables are discovered
from the data, without requiring a similarity metric. The performance
predictions of the model tree are competitive with the state-of-the-art
methods, which validates our model empirically. We show in case studies that
the model tree player ranking can be used to highlight strong and weak points
of players.
|
Is Generator Conditioning Causally Related to GAN Performance? | Recent work (Pennington et al, 2017) suggests that controlling the entire
distribution of Jacobian singular values is an important design consideration
in deep learning. Motivated by this, we study the distribution of singular
values of the Jacobian of the generator in Generative Adversarial Networks
(GANs). We find that this Jacobian generally becomes ill-conditioned at the
beginning of training. Moreover, we find that the average (with z from p(z))
conditioning of the generator is highly predictive of two other ad-hoc metrics
for measuring the 'quality' of trained GANs: the Inception Score and the
Frechet Inception Distance (FID). We test the hypothesis that this relationship
is causal by proposing a 'regularization' technique (called Jacobian Clamping)
that softly penalizes the condition number of the generator Jacobian. Jacobian
Clamping improves the mean Inception Score and the mean FID for GANs trained on
several datasets. It also greatly reduces inter-run variance of the
aforementioned scores, addressing (at least partially) one of the main
criticisms of GANs.
|
A Walk with SGD | We present novel empirical observations regarding how stochastic gradient
descent (SGD) navigates the loss landscape of over-parametrized deep neural
networks (DNNs). These observations expose the qualitatively different roles of
learning rate and batch-size in DNN optimization and generalization.
Specifically we study the DNN loss surface along the trajectory of SGD by
interpolating the loss surface between parameters from consecutive
\textit{iterations} and tracking various metrics during training. We find that
the loss interpolation between parameters before and after each training
iteration's update is roughly convex with a minimum (\textit{valley floor}) in
between for most of the training. Based on this and other metrics, we deduce
that for most of the training update steps, SGD moves in valley like regions of
the loss surface by jumping from one valley wall to another at a height above
the valley floor. This 'bouncing between walls at a height' mechanism helps SGD
traverse larger distance for small batch sizes and large learning rates which
we find play qualitatively different roles in the dynamics. While a large
learning rate maintains a large height from the valley floor, a small batch
size injects noise facilitating exploration. We find this mechanism is crucial
for generalization because the valley floor has barriers and this exploration
above the valley floor allows SGD to quickly travel far away from the
initialization point (without being affected by barriers) and find flatter
regions, corresponding to better generalization.
|
GraphRNN: Generating Realistic Graphs with Deep Auto-regressive Models | Modeling and generating graphs is fundamental for studying networks in
biology, engineering, and social sciences. However, modeling complex
distributions over graphs and then efficiently sampling from these
distributions is challenging due to the non-unique, high-dimensional nature of
graphs and the complex, non-local dependencies that exist between edges in a
given graph. Here we propose GraphRNN, a deep autoregressive model that
addresses the above challenges and approximates any distribution of graphs with
minimal assumptions about their structure. GraphRNN learns to generate graphs
by training on a representative set of graphs and decomposes the graph
generation process into a sequence of node and edge formations, conditioned on
the graph structure generated so far.
In order to quantitatively evaluate the performance of GraphRNN, we introduce
a benchmark suite of datasets, baselines and novel evaluation metrics based on
Maximum Mean Discrepancy, which measure distances between sets of graphs. Our
experiments show that GraphRNN significantly outperforms all baselines,
learning to generate diverse graphs that match the structural characteristics
of a target set, while also scaling to graphs 50 times larger than previous
deep models.
|
Extremely Fast Decision Tree | We introduce a novel incremental decision tree learning algorithm, Hoeffding
Anytime Tree, that is statistically more efficient than the current
state-of-the-art, Hoeffding Tree. We demonstrate that an implementation of
Hoeffding Anytime Tree---"Extremely Fast Decision Tree", a minor modification
to the MOA implementation of Hoeffding Tree---obtains significantly superior
prequential accuracy on most of the largest classification datasets from the
UCI repository. Hoeffding Anytime Tree produces the asymptotic batch tree in
the limit, is naturally resilient to concept drift, and can be used as a higher
accuracy replacement for Hoeffding Tree in most scenarios, at a small
additional computational cost.
|
Syntax-Directed Variational Autoencoder for Structured Data | Deep generative models have been enjoying success in modeling continuous
data. However it remains challenging to capture the representations for
discrete structures with formal grammars and semantics, e.g., computer programs
and molecular structures. How to generate both syntactically and semantically
correct data still remains largely an open problem. Inspired by the theory of
compiler where the syntax and semantics check is done via syntax-directed
translation (SDT), we propose a novel syntax-directed variational autoencoder
(SD-VAE) by introducing stochastic lazy attributes. This approach converts the
offline SDT check into on-the-fly generated guidance for constraining the
decoder. Comparing to the state-of-the-art methods, our approach enforces
constraints on the output space so that the output will be not only
syntactically valid, but also semantically reasonable. We evaluate the proposed
model with applications in programming language and molecules, including
reconstruction and program/molecule optimization. The results demonstrate the
effectiveness in incorporating syntactic and semantic constraints in discrete
generative models, which is significantly better than current state-of-the-art
approaches.
|
Stochastic Gradient Descent on Highly-Parallel Architectures | There is an increased interest in building data analytics frameworks with
advanced algebraic capabilities both in industry and academia. Many of these
frameworks, e.g., TensorFlow and BIDMach, implement their compute-intensive
primitives in two flavors---as multi-thread routines for multi-core CPUs and as
highly-parallel kernels executed on GPU. Stochastic gradient descent (SGD) is
the most popular optimization method for model training implemented extensively
on modern data analytics platforms. While the data-intensive properties of SGD
are well-known, there is an intense debate on which of the many SGD variants is
better in practice. In this paper, we perform a comprehensive study of parallel
SGD for training generalized linear models. We consider the impact of three
factors -- computing architecture (multi-core CPU or GPU), synchronous or
asynchronous model updates, and data sparsity -- on three measures---hardware
efficiency, statistical efficiency, and time to convergence. In the process, we
design an optimized asynchronous SGD algorithm for GPU that leverages warp
shuffling and cache coalescing for data and model access. We draw several
interesting findings from our extensive experiments with logistic regression
(LR) and support vector machines (SVM) on five real datasets. For synchronous
SGD, GPU always outperforms parallel CPU---they both outperform a sequential
CPU solution by more than 400X. For asynchronous SGD, parallel CPU is the
safest choice while GPU with data replication is better in certain situations.
The choice between synchronous GPU and asynchronous CPU depends on the task and
the characteristics of the data. As a reference, our best implementation
outperforms TensorFlow and BIDMach consistently. We hope that our insights
provide a useful guide for applying parallel SGD to generalized linear models.
|
Convolutional Neural Networks combined with Runge-Kutta Methods | A convolutional neural network for image classification can be constructed
mathematically since it can be regarded as a multi-period dynamical system. In
this paper, a novel approach is proposed to construct network models from the
dynamical systems view. Since a pre-activation residual network can be deemed
an approximation of a time-dependent dynamical system using the forward Euler
method, higher order Runge-Kutta methods (RK methods) can be utilized to build
network models in order to achieve higher accuracy. The model constructed in
such a way is referred to as the Runge-Kutta Convolutional Neural Network
(RKNet). RK methods also provide an interpretation of Dense Convolutional
Networks (DenseNets) and Convolutional Neural Networks with Alternately Updated
Clique (CliqueNets) from the dynamical systems view. The proposed methods are
evaluated on benchmark datasets: CIFAR-10/100, SVHN and ImageNet. The
experimental results are consistent with the theoretical properties of RK
methods and support the dynamical systems interpretation. Moreover, the
experimental results show that the RKNets are superior to the state-of-the-art
network models on CIFAR-10 and on par on CIFAR-100, SVHN and ImageNet.
|
Minimax Distribution Estimation in Wasserstein Distance | The Wasserstein metric is an important measure of distance between
probability distributions, with applications in machine learning, statistics,
probability theory, and data analysis. This paper provides upper and lower
bounds on statistical minimax rates for the problem of estimating a probability
distribution under Wasserstein loss, using only metric properties, such as
covering and packing numbers, of the sample space, and weak moment assumptions
on the probability distributions.
|
Deep learning for conifer/deciduous classification of airborne LiDAR 3D
point clouds representing individual trees | The purpose of this study was to investigate the use of deep learning for
coniferous/deciduous classification of individual trees from airborne LiDAR
data. To enable efficient processing by a deep convolutional neural network
(CNN), we designed two discrete representations using leaf-off and leaf-on
LiDAR data: a digital surface model with four channels (DSMx4) and a set of
four 2D views (4x2D). A training dataset of labeled tree crowns was generated
via segmentation of tree crowns, followed by co-registration with field data.
Potential mislabels due to GPS error or tree leaning were corrected using a
statistical ensemble filtering procedure. Because the training data was heavily
unbalanced (~8% conifers), we trained an ensemble of CNNs on random balanced
sub-samples of augmented data (180 rotational variations per instance). The
4x2D representation yielded similar classification accuracies to the DSMx4
representation (~82% coniferous and ~90% deciduous) while converging faster.
The data augmentation improved the classification accuracies, but more real
training instances (especially coniferous) likely results in much stronger
improvements. Leaf-off LiDAR data were the primary source of useful
information, which is likely due to the perennial nature of coniferous foliage.
LiDAR intensity values also proved to be useful, but normalization yielded no
significant improvements. Lastly, the classification accuracies of overstory
trees (~90%) were more balanced than those of understory trees (~90% deciduous
and ~65% coniferous), which is likely due to the incomplete capture of
understory tree crowns via airborne LiDAR. Automatic derivation of optimal
features via deep learning provide the opportunity for remarkable improvements
in prediction tasks where captured data are not friendly to human visual system
- likely yielding sub-optimal human-designed features.
|
Asynchronous Stochastic Proximal Methods for Nonconvex Nonsmooth
Optimization | We study stochastic algorithms for solving nonconvex optimization problems
with a convex yet possibly nonsmooth regularizer, which find wide applications
in many practical machine learning applications. However, compared to
asynchronous parallel stochastic gradient descent (AsynSGD), an algorithm
targeting smooth optimization, the understanding of the behavior of stochastic
algorithms for nonsmooth regularized optimization problems is limited,
especially when the objective function is nonconvex. To fill this theoretical
gap, in this paper, we propose and analyze asynchronous parallel stochastic
proximal gradient (Asyn-ProxSGD) methods for nonconvex problems. We establish
an ergodic convergence rate of $O(1/\sqrt{K})$ for the proposed Asyn-ProxSGD,
where $K$ is the number of updates made on the model, matching the convergence
rate currently known for AsynSGD (for smooth problems). To our knowledge, this
is the first work that provides convergence rates of asynchronous parallel
ProxSGD algorithms for nonconvex problems. Furthermore, our results are also
the first to show the convergence of any stochastic proximal methods without
assuming an increasing batch size or the use of additional variance reduction
techniques. We implement the proposed algorithms on Parameter Server and
demonstrate its convergence behavior and near-linear speedup, as the number of
workers increases, on two real-world datasets.
|
A Block-wise, Asynchronous and Distributed ADMM Algorithm for General
Form Consensus Optimization | Many machine learning models, including those with non-smooth regularizers,
can be formulated as consensus optimization problems, which can be solved by
the alternating direction method of multipliers (ADMM). Many recent efforts
have been made to develop asynchronous distributed ADMM to handle large amounts
of training data. However, all existing asynchronous distributed ADMM methods
are based on full model updates and require locking all global model parameters
to handle concurrency, which essentially serializes the updates from different
workers. In this paper, we present a novel block-wise, asynchronous and
distributed ADMM algorithm, which allows different blocks of model parameters
to be updated in parallel. The lock-free block-wise algorithm may greatly
speedup sparse optimization problems, a common scenario in reality, in which
most model updates only modify a subset of all decision variables. We
theoretically prove the convergence of our proposed algorithm to stationary
points for non-convex general form consensus problems with possibly non-smooth
regularizers. We implement the proposed ADMM algorithm on the Parameter Server
framework and demonstrate its convergence and near-linear speedup performance
as the number of workers increases.
|
Water from Two Rocks: Maximizing the Mutual Information | We build a natural connection between the learning problem, co-training, and
forecast elicitation without verification (related to peer-prediction) and
address them simultaneously using the same information theoretic approach.
In co-training/multiview learning, the goal is to aggregate two views of data
into a prediction for a latent label. We show how to optimally combine two
views of data by reducing the problem to an optimization problem. Our work
gives a unified and rigorous approach to the general setting.
In forecast elicitation without verification we seek to design a mechanism
that elicits high quality forecasts from agents in the setting where the
mechanism does not have access to the ground truth. By assuming the agents'
information is independent conditioning on the outcome, we propose mechanisms
where truth-telling is a strict equilibrium for both the single-task and
multi-task settings. Our multi-task mechanism additionally has the property
that the truth-telling equilibrium pays better than any other strategy profile
and strictly better than any other "non-permutation" strategy profile when the
prior satisfies some mild conditions.
|
N-GCN: Multi-scale Graph Convolution for Semi-supervised Node
Classification | Graph Convolutional Networks (GCNs) have shown significant improvements in
semi-supervised learning on graph-structured data. Concurrently, unsupervised
learning of graph embeddings has benefited from the information contained in
random walks. In this paper, we propose a model: Network of GCNs (N-GCN), which
marries these two lines of work. At its core, N-GCN trains multiple instances
of GCNs over node pairs discovered at different distances in random walks, and
learns a combination of the instance outputs which optimizes the classification
objective. Our experiments show that our proposed N-GCN model improves
state-of-the-art baselines on all of the challenging node classification tasks
we consider: Cora, Citeseer, Pubmed, and PPI. In addition, our proposed method
has other desirable properties, including generalization to recently proposed
semi-supervised learning methods such as GraphSAGE, allowing us to propose
N-SAGE, and resilience to adversarial input perturbations.
|
Dimensionally Tight Bounds for Second-Order Hamiltonian Monte Carlo | Hamiltonian Monte Carlo (HMC) is a widely deployed method to sample from
high-dimensional distributions in Statistics and Machine learning. HMC is known
to run very efficiently in practice and its popular second-order "leapfrog"
implementation has long been conjectured to run in $d^{1/4}$ gradient
evaluations. Here we show that this conjecture is true when sampling from
strongly log-concave target distributions that satisfy a weak third-order
regularity property associated with the input data. Our regularity condition is
weaker than the Lipschitz Hessian property and allows us to show faster
convergence bounds for a much larger class of distributions than would be
possible with the usual Lipschitz Hessian constant alone. Important
distributions that satisfy our regularity condition include posterior
distributions used in Bayesian logistic regression for which the data satisfies
an "incoherence" property. Our result compares favorably with the best
available bounds for the class of strongly log-concave distributions, which
grow like $d^{{1}/{2}}$ gradient evaluations with the dimension. Moreover, our
simulations on synthetic data suggest that, when our regularity condition is
satisfied, leapfrog HMC performs better than its competitors -- both in terms
of accuracy and in terms of the number of gradient evaluations it requires.
|
Product Kernel Interpolation for Scalable Gaussian Processes | Recent work shows that inference for Gaussian processes can be performed
efficiently using iterative methods that rely only on matrix-vector
multiplications (MVMs). Structured Kernel Interpolation (SKI) exploits these
techniques by deriving approximate kernels with very fast MVMs. Unfortunately,
such strategies suffer badly from the curse of dimensionality. We develop a new
technique for MVM based learning that exploits product kernel structure. We
demonstrate that this technique is broadly applicable, resulting in linear
rather than exponential runtime with dimension for SKI, as well as
state-of-the-art asymptotic complexity for multi-task GPs.
|
Scalable Private Learning with PATE | The rapid adoption of machine learning has increased concerns about the
privacy implications of machine learning models trained on sensitive data, such
as medical records or other personal information. To address those concerns,
one promising approach is Private Aggregation of Teacher Ensembles, or PATE,
which transfers to a "student" model the knowledge of an ensemble of "teacher"
models, with intuitive privacy provided by training teachers on disjoint data
and strong privacy guaranteed by noisy aggregation of teachers' answers.
However, PATE has so far been evaluated only on simple classification tasks
like MNIST, leaving unclear its utility when applied to larger-scale learning
tasks and real-world datasets.
In this work, we show how PATE can scale to learning tasks with large numbers
of output classes and uncurated, imbalanced training data with errors. For
this, we introduce new noisy aggregation mechanisms for teacher ensembles that
are more selective and add less noise, and prove their tighter
differential-privacy guarantees. Our new mechanisms build on two insights: the
chance of teacher consensus is increased by using more concentrated noise and,
lacking consensus, no answer need be given to a student. The consensus answers
used are more likely to be correct, offer better intuitive privacy, and incur
lower-differential privacy cost. Our evaluation shows our mechanisms improve on
the original PATE on all measures, and scale to larger tasks with both high
utility and very strong privacy ($\varepsilon$ < 1.0).
|
Time Series Learning using Monotonic Logical Properties | Cyber-physical systems of today are generating large volumes of time-series
data. As manual inspection of such data is not tractable, the need for learning
methods to help discover logical structure in the data has increased. We
propose a logic-based framework that allows domain-specific knowledge to be
embedded into formulas in a parametric logical specification over time-series
data. The key idea is to then map a time series to a surface in the parameter
space of the formula. Given this mapping, we identify the Hausdorff distance
between boundaries as a natural distance metric between two time-series data
under the lens of the parametric specification. This enables embedding
non-trivial domain-specific knowledge into the distance metric and then using
off-the-shelf machine learning tools to label the data. After labeling the
data, we demonstrate how to extract a logical specification for each label.
Finally, we showcase our technique on real world traffic data to learn
classifiers/monitors for slow-downs and traffic jams.
|
DID: Distributed Incremental Block Coordinate Descent for Nonnegative
Matrix Factorization | Nonnegative matrix factorization (NMF) has attracted much attention in the
last decade as a dimension reduction method in many applications. Due to the
explosion in the size of data, naturally the samples are collected and stored
distributively in local computational nodes. Thus, there is a growing need to
develop algorithms in a distributed memory architecture. We propose a novel
distributed algorithm, called \textit{distributed incremental block coordinate
descent} (DID), to solve the problem. By adapting the block coordinate descent
framework, closed-form update rules are obtained in DID. Moreover, DID performs
updates incrementally based on the most recently updated residual matrix. As a
result, only one communication step per iteration is required. The correctness,
efficiency, and scalability of the proposed algorithm are verified in a series
of numerical experiments.
|
Teacher Improves Learning by Selecting a Training Subset | We call a learner super-teachable if a teacher can trim down an iid training
set while making the learner learn even better. We provide sharp super-teaching
guarantees on two learners: the maximum likelihood estimator for the mean of a
Gaussian, and the large margin classifier in 1D. For general learners, we
provide a mixed-integer nonlinear programming-based algorithm to find a super
teaching set. Empirical experiments show that our algorithm is able to find
good super-teaching sets for both regression and classification problems.
|
Reinforcement Learning for Dynamic Bidding in Truckload Markets: an
Application to Large-Scale Fleet Management with Advance Commitments | Truckload brokerages, a $100 billion/year industry in the U.S., plays the
critical role of matching shippers with carriers, often to move loads several
days into the future. Brokerages not only have to find companies that will
agree to move a load, the brokerage often has to find a price that both the
shipper and carrier will agree to. The price not only varies by shipper and
carrier, but also by the traffic lanes and other variables such as commodity
type. Brokerages have to learn about shipper and carrier response functions by
offering a price and observing whether each accepts the quote. We propose a
knowledge gradient policy with bootstrap aggregation for high-dimensional
contextual settings to guide price experimentation by maximizing the value of
information. The learning policy is tested using a carefully calibrated fleet
simulator that includes a stochastic lookahead policy that simulates fleet
movements, as well as the stochastic modeling of driver assignments and the
carrier's load commitment policies with advance booking.
|
Online Learning of Quantum States | Suppose we have many copies of an unknown $n$-qubit state $\rho$. We measure
some copies of $\rho$ using a known two-outcome measurement $E_{1}$, then other
copies using a measurement $E_{2}$, and so on. At each stage $t$, we generate a
current hypothesis $\sigma_{t}$ about the state $\rho$, using the outcomes of
the previous measurements. We show that it is possible to do this in a way that
guarantees that $|\operatorname{Tr}(E_{i} \sigma_{t}) -
\operatorname{Tr}(E_{i}\rho) |$, the error in our prediction for the next
measurement, is at least $\varepsilon$ at most $\operatorname{O}\!\left(n /
\varepsilon^2 \right) $ times. Even in the "non-realizable" setting---where
there could be arbitrary noise in the measurement outcomes---we show how to
output hypothesis states that do significantly worse than the best possible
states at most $\operatorname{O}\!\left(\sqrt {Tn}\right) $ times on the first
$T$ measurements. These results generalize a 2007 theorem by Aaronson on the
PAC-learnability of quantum states, to the online and regret-minimization
settings. We give three different ways to prove our results---using convex
optimization, quantum postselection, and sequential fat-shattering
dimension---which have different advantages in terms of parameters and
portability.
|
Cakewalk Sampling | We study the task of finding good local optima in combinatorial optimization
problems. Although combinatorial optimization is NP-hard in general, locally
optimal solutions are frequently used in practice. Local search methods however
typically converge to a limited set of optima that depend on their
initialization. Sampling methods on the other hand can access any valid
solution, and thus can be used either directly or alongside methods of the
former type as a way for finding good local optima. Since the effectiveness of
this strategy depends on the sampling distribution, we derive a robust learning
algorithm that adapts sampling distributions towards good local optima of
arbitrary objective functions. As a first use case, we empirically study the
efficiency in which sampling methods can recover locally maximal cliques in
undirected graphs. Not only do we show how our adaptive sampler outperforms
related methods, we also show how it can even approach the performance of
established clique algorithms. As a second use case, we consider how greedy
algorithms can be combined with our adaptive sampler, and we demonstrate how
this leads to superior performance in k-medoid clustering. Together, these
findings suggest that our adaptive sampler can provide an effective strategy to
combinatorial optimization problems that arise in practice.
|
Functional Gradient Boosting based on Residual Network Perception | Residual Networks (ResNets) have become state-of-the-art models in deep
learning and several theoretical studies have been devoted to understanding why
ResNet works so well. One attractive viewpoint on ResNet is that it is
optimizing the risk in a functional space by combining an ensemble of effective
features. In this paper, we adopt this viewpoint to construct a new gradient
boosting method, which is known to be very powerful in data analysis. To do so,
we formalize the gradient boosting perspective of ResNet mathematically using
the notion of functional gradients and propose a new method called ResFGB for
classification tasks by leveraging ResNet perception. Two types of
generalization guarantees are provided from the optimization perspective: one
is the margin bound and the other is the expected risk bound by the
sample-splitting technique. Experimental results show superior performance of
the proposed method over state-of-the-art methods such as LightGBM.
|
Power efficient Spiking Neural Network Classifier based on memristive
crossbar network for spike sorting application | In this paper authors have presented a power efficient scheme for
implementing a spike sorting module. Spike sorting is an important application
in the field of neural signal acquisition for implantable biomedical systems
whose function is to map the Neural-spikes (N-spikes) correctly to the neurons
from which it originates. The accurate classification is a pre-requisite for
the succeeding systems needed in Brain-Machine-Interfaces (BMIs) to give better
performance. The primary design constraint to be satisfied for the spike sorter
module is low power with good accuracy. There lies a trade-off in terms of
power consumption between the on-chip and off-chip training of the N-spike
features. In the former case care has to be taken to make the computational
units power efficient whereas in the later the data rate of wireless
transmission should be minimized to reduce the power consumption due to the
transceivers. In this work a 2-step shared training scheme involving a K-means
sorter and a Spiking Neural Network (SNN) is elaborated for on-chip training
and classification. Also, a low power SNN classifier scheme using memristive
crossbar type architecture is compared with a fully digital implementation. The
advantage of the former classifier is that it is power efficient while
providing comparable accuracy as that of the digital implementation due to the
robustness of the SNN training algorithm which has a good tolerance for
variation in memristance.
|
Wide Compression: Tensor Ring Nets | Deep neural networks have demonstrated state-of-the-art performance in a
variety of real-world applications. In order to obtain performance gains, these
networks have grown larger and deeper, containing millions or even billions of
parameters and over a thousand layers. The trade-off is that these large
architectures require an enormous amount of memory, storage, and computation,
thus limiting their usability. Inspired by the recent tensor ring
factorization, we introduce Tensor Ring Networks (TR-Nets), which significantly
compress both the fully connected layers and the convolutional layers of deep
neural networks. Our results show that our TR-Nets approach {is able to
compress LeNet-5 by $11\times$ without losing accuracy}, and can compress the
state-of-the-art Wide ResNet by $243\times$ with only 2.3\% degradation in
{Cifar10 image classification}. Overall, this compression scheme shows promise
in scientific computing and deep learning, especially for emerging
resource-constrained devices such as smartphones, wearables, and IoT devices.
|
One Single Deep Bidirectional LSTM Network for Word Sense Disambiguation
of Text Data | Due to recent technical and scientific advances, we have a wealth of
information hidden in unstructured text data such as offline/online narratives,
research articles, and clinical reports. To mine these data properly,
attributable to their innate ambiguity, a Word Sense Disambiguation (WSD)
algorithm can avoid numbers of difficulties in Natural Language Processing
(NLP) pipeline. However, considering a large number of ambiguous words in one
language or technical domain, we may encounter limiting constraints for proper
deployment of existing WSD models. This paper attempts to address the problem
of one-classifier-per-one-word WSD algorithms by proposing a single
Bidirectional Long Short-Term Memory (BLSTM) network which by considering
senses and context sequences works on all ambiguous words collectively.
Evaluated on SensEval-3 benchmark, we show the result of our model is
comparable with top-performing WSD algorithms. We also discuss how applying
additional modifications alleviates the model fault and the need for more
training data.
|
Model Agnostic Time Series Analysis via Matrix Estimation | We propose an algorithm to impute and forecast a time series by transforming
the observed time series into a matrix, utilizing matrix estimation to recover
missing values and de-noise observed entries, and performing linear regression
to make predictions. At the core of our analysis is a representation result,
which states that for a large model class, the transformed time series matrix
is (approximately) low-rank. In effect, this generalizes the widely used
Singular Spectrum Analysis (SSA) in time series literature, and allows us to
establish a rigorous link between time series analysis and matrix estimation.
The key to establishing this link is constructing a Page matrix with
non-overlapping entries rather than a Hankel matrix as is commonly done in the
literature (e.g., SSA). This particular matrix structure allows us to provide
finite sample analysis for imputation and prediction, and prove the asymptotic
consistency of our method. Another salient feature of our algorithm is that it
is model agnostic with respect to both the underlying time dynamics and the
noise distribution in the observations. The noise agnostic property of our
approach allows us to recover the latent states when only given access to noisy
and partial observations a la a Hidden Markov Model; e.g., recovering the
time-varying parameter of a Poisson process without knowing that the underlying
process is Poisson. Furthermore, since our forecasting algorithm requires
regression with noisy features, our approach suggests a matrix estimation based
method - coupled with a novel, non-standard matrix estimation error metric - to
solve the error-in-variable regression problem, which could be of interest in
its own right. Through synthetic and real-world datasets, we demonstrate that
our algorithm outperforms standard software packages (including R libraries) in
the presence of missing data as well as high levels of noise.
|
Active Learning with Logged Data | We consider active learning with logged data, where labeled examples are
drawn conditioned on a predetermined logging policy, and the goal is to learn a
classifier on the entire population, not just conditioned on the logging
policy. Prior work addresses this problem either when only logged data is
available, or purely in a controlled random experimentation setting where the
logged data is ignored. In this work, we combine both approaches to provide an
algorithm that uses logged data to bootstrap and inform experimentation, thus
achieving the best of both worlds. Our work is inspired by a connection between
controlled random experimentation and active learning, and modifies existing
disagreement-based active learning algorithms to exploit logged data.
|
Temporal Difference Models: Model-Free Deep RL for Model-Based Control | Model-free reinforcement learning (RL) is a powerful, general tool for
learning complex behaviors. However, its sample efficiency is often
impractically large for solving challenging real-world problems, even with
off-policy algorithms such as Q-learning. A limiting factor in classic
model-free RL is that the learning signal consists only of scalar rewards,
ignoring much of the rich information contained in state transition tuples.
Model-based RL uses this information, by training a predictive model, but often
does not achieve the same asymptotic performance as model-free RL due to model
bias. We introduce temporal difference models (TDMs), a family of
goal-conditioned value functions that can be trained with model-free learning
and used for model-based control. TDMs combine the benefits of model-free and
model-based RL: they leverage the rich information in state transitions to
learn very efficiently, while still attaining asymptotic performance that
exceeds that of direct model-based RL methods. Our experimental results show
that, on a range of continuous control tasks, TDMs provide a substantial
improvement in efficiency compared to state-of-the-art model-based and
model-free methods.
|
Kitsune: An Ensemble of Autoencoders for Online Network Intrusion
Detection | Neural networks have become an increasingly popular solution for network
intrusion detection systems (NIDS). Their capability of learning complex
patterns and behaviors make them a suitable solution for differentiating
between normal traffic and network attacks. However, a drawback of neural
networks is the amount of resources needed to train them. Many network gateways
and routers devices, which could potentially host an NIDS, simply do not have
the memory or processing power to train and sometimes even execute such models.
More importantly, the existing neural network solutions are trained in a
supervised manner. Meaning that an expert must label the network traffic and
update the model manually from time to time.
In this paper, we present Kitsune: a plug and play NIDS which can learn to
detect attacks on the local network, without supervision, and in an efficient
online manner. Kitsune's core algorithm (KitNET) uses an ensemble of neural
networks called autoencoders to collectively differentiate between normal and
abnormal traffic patterns. KitNET is supported by a feature extraction
framework which efficiently tracks the patterns of every network channel. Our
evaluations show that Kitsune can detect various attacks with a performance
comparable to offline anomaly detectors, even on a Raspberry PI. This
demonstrates that Kitsune can be a practical and economic NIDS.
|
SAFFRON: an adaptive algorithm for online control of the false discovery
rate | In the online false discovery rate (FDR) problem, one observes a possibly
infinite sequence of $p$-values $P_1,P_2,\dots$, each testing a different null
hypothesis, and an algorithm must pick a sequence of rejection thresholds
$\alpha_1,\alpha_2,\dots$ in an online fashion, effectively rejecting the
$k$-th null hypothesis whenever $P_k \leq \alpha_k$. Importantly, $\alpha_k$
must be a function of the past, and cannot depend on $P_k$ or any of the later
unseen $p$-values, and must be chosen to guarantee that for any time $t$, the
FDR up to time $t$ is less than some pre-determined quantity $\alpha \in
(0,1)$. In this work, we present a powerful new framework for online FDR
control that we refer to as SAFFRON. Like older alpha-investing (AI)
algorithms, SAFFRON starts off with an error budget, called alpha-wealth, that
it intelligently allocates to different tests over time, earning back some
wealth on making a new discovery. However, unlike older methods, SAFFRON's
threshold sequence is based on a novel estimate of the alpha fraction that it
allocates to true null hypotheses. In the offline setting, algorithms that
employ an estimate of the proportion of true nulls are called adaptive methods,
and SAFFRON can be seen as an online analogue of the famous offline Storey-BH
adaptive procedure. Just as Storey-BH is typically more powerful than the
Benjamini-Hochberg (BH) procedure under independence, we demonstrate that
SAFFRON is also more powerful than its non-adaptive counterparts, such as LORD
and other generalized alpha-investing algorithms. Further, a monotone version
of the original AI algorithm is recovered as a special case of SAFFRON, that is
often more stable and powerful than the original. Lastly, the derivation of
SAFFRON provides a novel template for deriving new online FDR rules.
|
GPU Accelerated Sub-Sampled Newton's Method | First order methods, which solely rely on gradient information, are commonly
used in diverse machine learning (ML) and data analysis (DA) applications. This
is attributed to the simplicity of their implementations, as well as low
per-iteration computational/storage costs. However, they suffer from
significant disadvantages; most notably, their performance degrades with
increasing problem ill-conditioning. Furthermore, they often involve a large
number of hyper-parameters, and are notoriously sensitive to parameters such as
the step-size. By incorporating additional information from the Hessian,
second-order methods, have been shown to be resilient to many such adversarial
effects. However, these advantages of using curvature information come at the
cost of higher per-iteration costs, which in \enquote{big data} regimes, can be
computationally prohibitive.
In this paper, we show that, contrary to conventional belief, second-order
methods, when implemented appropriately, can be more efficient than first-order
alternatives in many large-scale ML/ DA applications. In particular, in convex
settings, we consider variants of classical Newton\textsf{'}s method in which
the Hessian and/or the gradient are randomly sub-sampled. We show that by
effectively leveraging the power of GPUs, such randomized Newton-type
algorithms can be significantly accelerated, and can easily outperform state of
the art implementations of existing techniques in popular ML/ DA software
packages such as TensorFlow. Additionally these randomized methods incur a
small memory overhead compared to first-order methods. In particular, we show
that for million-dimensional problems, our GPU accelerated sub-sampled
Newton\textsf{'}s method achieves a higher test accuracy in milliseconds as
compared with tens of seconds for first order alternatives.
|
Deep Bayesian Bandits Showdown: An Empirical Comparison of Bayesian Deep
Networks for Thompson Sampling | Recent advances in deep reinforcement learning have made significant strides
in performance on applications such as Go and Atari games. However, developing
practical methods to balance exploration and exploitation in complex domains
remains largely unsolved. Thompson Sampling and its extension to reinforcement
learning provide an elegant approach to exploration that only requires access
to posterior samples of the model. At the same time, advances in approximate
Bayesian methods have made posterior approximation for flexible neural network
models practical. Thus, it is attractive to consider approximate Bayesian
neural networks in a Thompson Sampling framework. To understand the impact of
using an approximate posterior on Thompson Sampling, we benchmark
well-established and recently developed methods for approximate posterior
sampling combined with Thompson Sampling over a series of contextual bandit
problems. We found that many approaches that have been successful in the
supervised learning setting underperformed in the sequential decision-making
scenario. In particular, we highlight the challenge of adapting slowly
converging uncertainty estimates to the online setting.
|
Averaging Stochastic Gradient Descent on Riemannian Manifolds | We consider the minimization of a function defined on a Riemannian manifold
$\mathcal{M}$ accessible only through unbiased estimates of its gradients. We
develop a geometric framework to transform a sequence of slowly converging
iterates generated from stochastic gradient descent (SGD) on $\mathcal{M}$ to
an averaged iterate sequence with a robust and fast $O(1/n)$ convergence rate.
We then present an application of our framework to geodesically-strongly-convex
(and possibly Euclidean non-convex) problems. Finally, we demonstrate how these
ideas apply to the case of streaming $k$-PCA, where we show how to accelerate
the slow rate of the randomized power method (without requiring knowledge of
the eigengap) into a robust algorithm achieving the optimal rate of
convergence.
|
Multi-Evidence Filtering and Fusion for Multi-Label Classification,
Object Detection and Semantic Segmentation Based on Weakly Supervised
Learning | Supervised object detection and semantic segmentation require object or even
pixel level annotations. When there exist image level labels only, it is
challenging for weakly supervised algorithms to achieve accurate predictions.
The accuracy achieved by top weakly supervised algorithms is still
significantly lower than their fully supervised counterparts. In this paper, we
propose a novel weakly supervised curriculum learning pipeline for multi-label
object recognition, detection and semantic segmentation. In this pipeline, we
first obtain intermediate object localization and pixel labeling results for
the training images, and then use such results to train task-specific deep
networks in a fully supervised manner. The entire process consists of four
stages, including object localization in the training images, filtering and
fusing object instances, pixel labeling for the training images, and
task-specific network training. To obtain clean object instances in the
training images, we propose a novel algorithm for filtering, fusing and
classifying object instances collected from multiple solution mechanisms. In
this algorithm, we incorporate both metric learning and density-based
clustering to filter detected object instances. Experiments show that our
weakly supervised pipeline achieves state-of-the-art results in multi-label
image classification as well as weakly supervised object detection and very
competitive results in weakly supervised semantic segmentation on MS-COCO,
PASCAL VOC 2007 and PASCAL VOC 2012.
|
Variance Reduction Methods for Sublinear Reinforcement Learning | There is a technical issue in the analysis that is not easily fixable. We,
therefore, withdraw the submission. Sorry for the inconvenience.
|
AI4AI: Quantitative Methods for Classifying Host Species from Avian
Influenza DNA Sequence | Avian Influenza breakouts cause millions of dollars in damage each year
globally, especially in Asian countries such as China and South Korea. The
impact magnitude of a breakout directly correlates to time required to fully
understand the influenza virus, particularly the interspecies pathogenicity.
The procedure requires laboratory tests that require resources typically
lacking in a breakout emergency. In this study, we propose new quantitative
methods utilizing machine learning and deep learning to correctly classify host
species given raw DNA sequence data of the influenza virus, and provide
probabilities for each classification. The best deep learning models achieve
top-1 classification accuracy of 47%, and top-3 classification accuracy of 82%,
on a dataset of 11 host species classes.
|
A representer theorem for deep neural networks | We propose to optimize the activation functions of a deep neural network by
adding a corresponding functional regularization to the cost function. We
justify the use of a second-order total-variation criterion. This allows us to
derive a general representer theorem for deep neural networks that makes a
direct connection with splines and sparsity. Specifically, we show that the
optimal network configuration can be achieved with activation functions that
are nonuniform linear splines with adaptive knots. The bottom line is that the
action of each neuron is encoded by a spline whose parameters (including the
number of knots) are optimized during the training procedure. The scheme
results in a computational structure that is compatible with the existing
deep-ReLU, parametric ReLU, APL (adaptive piecewise-linear) and MaxOut
architectures. It also suggests novel optimization challenges, while making the
link with $\ell_1$ minimization and sparsity-promoting techniques explicit.
|
Interpreting Complex Regression Models | Interpretation of a machine learning induced models is critical for feature
engineering, debugging, and, arguably, compliance. Yet, best of breed machine
learning models tend to be very complex. This paper presents a method for model
interpretation which has the main benefit that the simple interpretations it
provides are always grounded in actual sets of learning examples. The method is
validated on the task of interpreting a complex regression model in the context
of both an academic problem -- predicting the year in which a song was recorded
and an industrial one -- predicting mail user churn.
|
Efficient kernel-based variable selection with sparsistency | Variable selection is central to high-dimensional data analysis, and various
algorithms have been developed. Ideally, a variable selection algorithm shall
be flexible, scalable, and with theoretical guarantee, yet most existing
algorithms cannot attain these properties at the same time. In this article, a
three-step variable selection algorithm is developed, involving kernel-based
estimation of the regression function and its gradient functions as well as a
hard thresholding. Its key advantage is that it assumes no explicit model
assumption, admits general predictor effects, allows for scalable computation,
and attains desirable asymptotic sparsistency. The proposed algorithm can be
adapted to any reproducing kernel Hilbert space (RKHS) with different kernel
functions, and can be extended to interaction selection with slight
modification. Its computational cost is only linear in the data dimension, and
can be further improved through parallel computing. The sparsistency of the
proposed algorithm is established for general RKHS under mild conditions,
including linear and Gaussian kernels as special cases. Its effectiveness is
also supported by a variety of simulated and real examples.
|
Dimension-free Information Concentration via Exp-Concavity | Information concentration of probability measures have important implications
in learning theory. Recently, it is discovered that the information content of
a log-concave distribution concentrates around their differential entropy,
albeit with an unpleasant dependence on the ambient dimension. In this work, we
prove that if the potentials of the log-concave distribution are exp-concave,
which is a central notion for fast rates in online and statistical learning,
then the concentration of information can be further improved to depend only on
the exp-concavity parameter, and hence, it can be dimension independent.
Central to our proof is a novel yet simple application of the variance
Brascamp-Lieb inequality. In the context of learning theory, our
concentration-of-information result immediately implies high-probability
results to many of the previous bounds that only hold in expectation.
|
Max-Mahalanobis Linear Discriminant Analysis Networks | A deep neural network (DNN) consists of a nonlinear transformation from an
input to a feature representation, followed by a common softmax linear
classifier. Though many efforts have been devoted to designing a proper
architecture for nonlinear transformation, little investigation has been done
on the classifier part. In this paper, we show that a properly designed
classifier can improve robustness to adversarial attacks and lead to better
prediction results. Specifically, we define a Max-Mahalanobis distribution
(MMD) and theoretically show that if the input distributes as a MMD, the linear
discriminant analysis (LDA) classifier will have the best robustness to
adversarial examples. We further propose a novel Max-Mahalanobis linear
discriminant analysis (MM-LDA) network, which explicitly maps a complicated
data distribution in the input space to a MMD in the latent feature space and
then applies LDA to make predictions. Our results demonstrate that the MM-LDA
networks are significantly more robust to adversarial attacks, and have better
performance in class-biased classification.
|
Learning Analytics in Massive Open Online Courses | Educational technology has obtained great importance over the last fifteen
years. At present, the umbrella of educational technology incorporates
multitudes of engaging online environments and fields. Learning analytics and
Massive Open Online Courses (MOOCs) are two of the most relevant emerging
topics in this domain. Since they are open to everyone at no cost, MOOCs excel
in attracting numerous participants that can reach hundreds and hundreds of
thousands. Experts from different disciplines have shown significant interest
in MOOCs as the phenomenon has rapidly grown. In fact, MOOCs have been proven
to scale education in disparate areas. Their benefits are crystallized in the
improvement of educational outcomes, reduction of costs and accessibility
expansion. Due to their unusual massiveness, the large datasets of MOOC
platforms require advanced tools and methodologies for further examination. The
key importance of learning analytics is reflected here. MOOCs offer diverse
challenges and practices for learning analytics to tackle. In view of that,
this thesis combines both fields in order to investigate further steps in the
learning analytics capabilities in MOOCs. The primary research of this
dissertation focuses on the integration of learning analytics in MOOCs, and
thereafter looks into examining students' behavior on one side and bridging
MOOC issues on the other side. The research was done on the Austrian iMooX
xMOOC platform. We followed the prototyping and case studies research
methodology to carry out the research questions of this dissertation. The main
contributions incorporate designing a general learning analytics framework,
learning analytics prototype, records of students' behavior in nearly every
MOOC's variables (discussion forums, interactions in videos, self-assessment
quizzes, login frequency), a cluster of student engagement...
|
A Deep Learning Approach for Privacy Preservation in Assisted Living | In the era of Internet of Things (IoT) technologies the potential for privacy
invasion is becoming a major concern especially in regards to healthcare data
and Ambient Assisted Living (AAL) environments. Systems that offer AAL
technologies make extensive use of personal data in order to provide services
that are context-aware and personalized. This makes privacy preservation a very
important issue especially since the users are not always aware of the privacy
risks they could face. A lot of progress has been made in the deep learning
field, however, there has been lack of research on privacy preservation of
sensitive personal data with the use of deep learning. In this paper we focus
on a Long Short Term Memory (LSTM) Encoder-Decoder, which is a principal
component of deep learning, and propose a new encoding technique that allows
the creation of different AAL data views, depending on the access level of the
end user and the information they require access to. The efficiency and
effectiveness of the proposed method are demonstrated with experiments on a
simulated AAL dataset. Qualitatively, we show that the proposed model learns
privacy operations such as disclosure, deletion and generalization and can
perform encoding and decoding of the data with almost perfect recovery.
|
Autoencoder based image compression: can the learning be quantization
independent? | This paper explores the problem of learning transforms for image compression
via autoencoders. Usually, the rate-distortion performances of image
compression are tuned by varying the quantization step size. In the case of
autoen-coders, this in principle would require learning one transform per
rate-distortion point at a given quantization step size. Here, we show that
comparable performances can be obtained with a unique learned transform. The
different rate-distortion points are then reached by varying the quantization
step size at test time. This approach saves a lot of training time.
|
Learning Anonymized Representations with Adversarial Neural Networks | Statistical methods protecting sensitive information or the identity of the
data owner have become critical to ensure privacy of individuals as well as of
organizations. This paper investigates anonymization methods based on
representation learning and deep neural networks, and motivated by novel
information theoretical bounds. We introduce a novel training objective for
simultaneously training a predictor over target variables of interest (the
regular labels) while preventing an intermediate representation to be
predictive of the private labels. The architecture is based on three
sub-networks: one going from input to representation, one from representation
to predicted regular labels, and one from representation to predicted private
labels. The training procedure aims at learning representations that preserve
the relevant part of the information (about regular labels) while dismissing
information about the private labels which correspond to the identity of a
person. We demonstrate the success of this approach for two distinct
classification versus anonymization tasks (handwritten digits and sentiment
analysis).
|
Improving Graph Convolutional Networks with Non-Parametric Activation
Functions | Graph neural networks (GNNs) are a class of neural networks that allow to
efficiently perform inference on data that is associated to a graph structure,
such as, e.g., citation networks or knowledge graphs. While several variants of
GNNs have been proposed, they only consider simple nonlinear activation
functions in their layers, such as rectifiers or squashing functions. In this
paper, we investigate the use of graph convolutional networks (GCNs) when
combined with more complex activation functions, able to adapt from the
training data. More specifically, we extend the recently proposed kernel
activation function, a non-parametric model which can be implemented easily,
can be regularized with standard $\ell_p$-norms techniques, and is smooth over
its entire domain. Our experimental evaluation shows that the proposed
architecture can significantly improve over its baseline, while similar
improvements cannot be obtained by simply increasing the depth or size of the
original GCN.
|
Stochastic Hyperparameter Optimization through Hypernetworks | Machine learning models are often tuned by nesting optimization of model
weights inside the optimization of hyperparameters. We give a method to
collapse this nested optimization into joint stochastic optimization of weights
and hyperparameters. Our process trains a neural network to output
approximately optimal weights as a function of hyperparameters. We show that
our technique converges to locally optimal weights and hyperparameters for
sufficiently large hypernetworks. We compare this method to standard
hyperparameter optimization strategies and demonstrate its effectiveness for
tuning thousands of hyperparameters.
|
Multi-Goal Reinforcement Learning: Challenging Robotics Environments and
Request for Research | The purpose of this technical report is two-fold. First of all, it introduces
a suite of challenging continuous control tasks (integrated with OpenAI Gym)
based on currently existing robotics hardware. The tasks include pushing,
sliding and pick & place with a Fetch robotic arm as well as in-hand object
manipulation with a Shadow Dexterous Hand. All tasks have sparse binary rewards
and follow a Multi-Goal Reinforcement Learning (RL) framework in which an agent
is told what to do using an additional input.
The second part of the paper presents a set of concrete research ideas for
improving RL algorithms, most of which are related to Multi-Goal RL and
Hindsight Experience Replay.
|
Addressing Function Approximation Error in Actor-Critic Methods | In value-based reinforcement learning methods such as deep Q-learning,
function approximation errors are known to lead to overestimated value
estimates and suboptimal policies. We show that this problem persists in an
actor-critic setting and propose novel mechanisms to minimize its effects on
both the actor and the critic. Our algorithm builds on Double Q-learning, by
taking the minimum value between a pair of critics to limit overestimation. We
draw the connection between target networks and overestimation bias, and
suggest delaying policy updates to reduce per-update error and further improve
performance. We evaluate our method on the suite of OpenAI gym tasks,
outperforming the state of the art in every environment tested.
|
Disentangling the independently controllable factors of variation by
interacting with the world | It has been postulated that a good representation is one that disentangles
the underlying explanatory factors of variation. However, it remains an open
question what kind of training framework could potentially achieve that.
Whereas most previous work focuses on the static setting (e.g., with images),
we postulate that some of the causal factors could be discovered if the learner
is allowed to interact with its environment. The agent can experiment with
different actions and observe their effects. More specifically, we hypothesize
that some of these factors correspond to aspects of the environment which are
independently controllable, i.e., that there exists a policy and a learnable
feature for each such aspect of the environment, such that this policy can
yield changes in that feature with minimal changes to other features that
explain the statistical variations in the observed data. We propose a specific
objective function to find such factors, and verify experimentally that it can
indeed disentangle independently controllable aspects of the environment
without any extrinsic reward signal.
|
Retrieval-Augmented Convolutional Neural Networks for Improved
Robustness against Adversarial Examples | We propose a retrieval-augmented convolutional network and propose to train
it with local mixup, a novel variant of the recently proposed mixup algorithm.
The proposed hybrid architecture combining a convolutional network and an
off-the-shelf retrieval engine was designed to mitigate the adverse effect of
off-manifold adversarial examples, while the proposed local mixup addresses
on-manifold ones by explicitly encouraging the classifier to locally behave
linearly on the data manifold. Our evaluation of the proposed approach against
five readily-available adversarial attacks on three datasets--CIFAR-10, SVHN
and ImageNet--demonstrate the improved robustness compared to the vanilla
convolutional network.
|
Missing Data in Sparse Transition Matrix Estimation for Sub-Gaussian
Vector Autoregressive Processes | High-dimensional time series data exist in numerous areas such as finance,
genomics, healthcare, and neuroscience. An unavoidable aspect of all such
datasets is missing data, and dealing with this issue has been an important
focus in statistics, control, and machine learning. In this work, we consider a
high-dimensional estimation problem where a dynamical system, governed by a
stable vector autoregressive model, is randomly and only partially observed at
each time point. Our task amounts to estimating the transition matrix, which is
assumed to be sparse. In such a scenario, where covariates are highly
interdependent and partially missing, new theoretical challenges arise. While
transition matrix estimation in vector autoregressive models has been studied
previously, the missing data scenario requires separate efforts. Moreover,
while transition matrix estimation can be studied from a high-dimensional
sparse linear regression perspective, the covariates are highly dependent and
existing results on regularized estimation with missing data from
i.i.d.~covariates are not applicable. At the heart of our analysis lies 1) a
novel concentration result when the innovation noise satisfies the convex
concentration property, as well as 2) a new quantity for characterizing the
interactions of the time-varying observation process with the underlying
dynamical system.
|
Best Arm Identification for Contaminated Bandits | This paper studies active learning in the context of robust statistics.
Specifically, we propose a variant of the Best Arm Identification problem for
\emph{contaminated bandits}, where each arm pull has probability $\varepsilon$
of generating a sample from an arbitrary contamination distribution instead of
the true underlying distribution. The goal is to identify the best (or
approximately best) true distribution with high probability, with a secondary
goal of providing guarantees on the quality of this distribution. The primary
challenge of the contaminated bandit setting is that the true distributions are
only partially identifiable, even with infinite samples. To address this, we
develop tight, non-asymptotic sample complexity bounds for high-probability
estimation of the first two robust moments (median and median absolute
deviation) from contaminated samples. These concentration inequalities are the
main technical contributions of the paper and may be of independent interest.
Using these results, we adapt several classical Best Arm Identification
algorithms to the contaminated bandit setting and derive sample complexity
upper bounds for our problem. Finally, we provide matching
information-theoretic lower bounds on the sample complexity (up to a small
logarithmic factor).
|
Human Perceptions of Fairness in Algorithmic Decision Making: A Case
Study of Criminal Risk Prediction | As algorithms are increasingly used to make important decisions that affect
human lives, ranging from social benefit assignment to predicting risk of
criminal recidivism, concerns have been raised about the fairness of
algorithmic decision making. Most prior works on algorithmic fairness
normatively prescribe how fair decisions ought to be made. In contrast, here,
we descriptively survey users for how they perceive and reason about fairness
in algorithmic decision making.
A key contribution of this work is the framework we propose to understand why
people perceive certain features as fair or unfair to be used in algorithms.
Our framework identifies eight properties of features, such as relevance,
volitionality and reliability, as latent considerations that inform people's
moral judgments about the fairness of feature use in decision-making
algorithms. We validate our framework through a series of scenario-based
surveys with 576 people. We find that, based on a person's assessment of the
eight latent properties of a feature in our exemplar scenario, we can
accurately (> 85%) predict if the person will judge the use of the feature as
fair.
Our findings have important implications. At a high-level, we show that
people's unfairness concerns are multi-dimensional and argue that future
studies need to address unfairness concerns beyond discrimination. At a
low-level, we find considerable disagreements in people's fairness judgments.
We identify root causes of the disagreements, and note possible pathways to
resolve them.
|
Reinforcement and Imitation Learning for Diverse Visuomotor Skills | We propose a model-free deep reinforcement learning method that leverages a
small amount of demonstration data to assist a reinforcement learning agent. We
apply this approach to robotic manipulation tasks and train end-to-end
visuomotor policies that map directly from RGB camera inputs to joint
velocities. We demonstrate that our approach can solve a wide variety of
visuomotor tasks, for which engineering a scripted controller would be
laborious. In experiments, our reinforcement and imitation agent achieves
significantly better performances than agents trained with reinforcement
learning or imitation learning alone. We also illustrate that these policies,
trained with large visual and dynamics variations, can achieve preliminary
successes in zero-shot sim2real transfer. A brief visual description of this
work can be viewed in https://youtu.be/EDl8SQUNjj0
|
Shampoo: Preconditioned Stochastic Tensor Optimization | Preconditioned gradient methods are among the most general and powerful tools
in optimization. However, preconditioning requires storing and manipulating
prohibitively large matrices. We describe and analyze a new structure-aware
preconditioning algorithm, called Shampoo, for stochastic optimization over
tensor spaces. Shampoo maintains a set of preconditioning matrices, each of
which operates on a single dimension, contracting over the remaining
dimensions. We establish convergence guarantees in the stochastic convex
setting, the proof of which builds upon matrix trace inequalities. Our
experiments with state-of-the-art deep learning models show that Shampoo is
capable of converging considerably faster than commonly used optimizers.
Although it involves a more complex update rule, Shampoo's runtime per step is
comparable to that of simple gradient methods such as SGD, AdaGrad, and Adam.
|
Near-Linear Time Local Polynomial Nonparametric Estimation with Box
Kernels | Local polynomial regression (Fan and Gijbels 1996) is an important class of
methods for nonparametric density estimation and regression problems. However,
straightforward implementation of local polynomial regression has quadratic
time complexity which hinders its applicability in large-scale data analysis.
In this paper, we significantly accelerate the computation of local polynomial
estimates by novel applications of multi-dimensional binary indexed trees
(Fenwick 1994). Both time and space complexity of our proposed algorithm is
nearly linear in the number of input data points. Simulation results confirm
the efficiency and effectiveness of our proposed approach.
|
Data-dependent PAC-Bayes priors via differential privacy | The Probably Approximately Correct (PAC) Bayes framework (McAllester, 1999)
can incorporate knowledge about the learning algorithm and (data) distribution
through the use of distribution-dependent priors, yielding tighter
generalization bounds on data-dependent posteriors. Using this flexibility,
however, is difficult, especially when the data distribution is presumed to be
unknown. We show how an {\epsilon}-differentially private data-dependent prior
yields a valid PAC-Bayes bound, and then show how non-private mechanisms for
choosing priors can also yield generalization bounds. As an application of this
result, we show that a Gaussian prior mean chosen via stochastic gradient
Langevin dynamics (SGLD; Welling and Teh, 2011) leads to a valid PAC-Bayes
bound given control of the 2-Wasserstein distance to an
{\epsilon}-differentially private stationary distribution. We study our
data-dependent bounds empirically, and show that they can be nonvacuous even
when other distribution-dependent bounds are vacuous.
|
Modeling Others using Oneself in Multi-Agent Reinforcement Learning | We consider the multi-agent reinforcement learning setting with imperfect
information in which each agent is trying to maximize its own utility. The
reward function depends on the hidden state (or goal) of both agents, so the
agents must infer the other players' hidden goals from their observed behavior
in order to solve the tasks. We propose a new approach for learning in these
domains: Self Other-Modeling (SOM), in which an agent uses its own policy to
predict the other agent's actions and update its belief of their hidden state
in an online manner. We evaluate this approach on three different tasks and
show that the agents are able to learn better policies using their estimate of
the other players' hidden states, in both cooperative and adversarial settings.
|
Optimizing over a Restricted Policy Class in Markov Decision Processes | We address the problem of finding an optimal policy in a Markov decision
process under a restricted policy class defined by the convex hull of a set of
base policies. This problem is of great interest in applications in which a
number of reasonably good (or safe) policies are already known and we are only
interested in optimizing in their convex hull. We show that this problem is
NP-hard to solve exactly as well as to approximate to arbitrary accuracy.
However, under a condition that is akin to the occupancy measures of the base
policies having large overlap, we show that there exists an efficient algorithm
that finds a policy that is almost as good as the best convex combination of
the base policies. The running time of the proposed algorithm is linear in the
number of states and polynomial in the number of base policies. In practice, we
demonstrate an efficient implementation for large state problems. Compared to
traditional policy gradient methods, the proposed approach has the advantage
that, apart from the computation of occupancy measures of some base policies,
the iterative method need not interact with the environment during the
optimization process. This is especially important in complex systems where
estimating the value of a policy can be a time consuming process.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.