title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
PRIL: Perceptron Ranking Using Interval Labeled Data | In this paper, we propose an online learning algorithm PRIL for learning
ranking classifiers using interval labeled data and show its correctness. We
show its convergence in finite number of steps if there exists an ideal
classifier such that the rank given by it for an example always lies in its
label interval. We then generalize this mistake bound result for the general
case. We also provide regret bound for the proposed algorithm. We propose a
multiplicative update algorithm for PRIL called M-PRIL. We provide its
correctness and convergence results. We show the effectiveness of PRIL by
showing its performance on various datasets.
|
Pseudo-Recursal: Solving the Catastrophic Forgetting Problem in Deep
Neural Networks | In general, neural networks are not currently capable of learning tasks in a
sequential fashion. When a novel, unrelated task is learnt by a neural network,
it substantially forgets how to solve previously learnt tasks. One of the
original solutions to this problem is pseudo-rehearsal, which involves learning
the new task while rehearsing generated items representative of the previous
task/s. This is very effective for simple tasks. However, pseudo-rehearsal has
not yet been successfully applied to very complex tasks because in these tasks
it is difficult to generate representative items. We accomplish
pseudo-rehearsal by using a Generative Adversarial Network to generate items so
that our deep network can learn to sequentially classify the CIFAR-10, SVHN and
MNIST datasets. After training on all tasks, our network loses only 1.67%
absolute accuracy on CIFAR-10 and gains 0.24% absolute accuracy on SVHN. Our
model's performance is a substantial improvement compared to the current state
of the art solution.
|
Answerer in Questioner's Mind: Information Theoretic Approach to
Goal-Oriented Visual Dialog | Goal-oriented dialog has been given attention due to its numerous
applications in artificial intelligence. Goal-oriented dialogue tasks occur
when a questioner asks an action-oriented question and an answerer responds
with the intent of letting the questioner know a correct action to take. To ask
the adequate question, deep learning and reinforcement learning have been
recently applied. However, these approaches struggle to find a competent
recurrent neural questioner, owing to the complexity of learning a series of
sentences. Motivated by theory of mind, we propose "Answerer in Questioner's
Mind" (AQM), a novel information theoretic algorithm for goal-oriented dialog.
With AQM, a questioner asks and infers based on an approximated probabilistic
model of the answerer. The questioner figures out the answerer's intention via
selecting a plausible question by explicitly calculating the information gain
of the candidate intentions and possible answers to each question. We test our
framework on two goal-oriented visual dialog tasks: "MNIST Counting Dialog" and
"GuessWhat?!". In our experiments, AQM outperforms comparative algorithms by a
large margin.
|
Random Hinge Forest for Differentiable Learning | We propose random hinge forests, a simple, efficient, and novel variant of
decision forests. Importantly, random hinge forests can be readily incorporated
as a general component within arbitrary computation graphs that are optimized
end-to-end with stochastic gradient descent or variants thereof. We derive
random hinge forest and ferns, focusing on their sparse and efficient nature,
their min-max margin property, strategies to initialize them for arbitrary
network architectures, and the class of optimizers most suitable for optimizing
random hinge forest. The performance and versatility of random hinge forests
are demonstrated by experiments incorporating a variety of of small and large
UCI machine learning data sets and also ones involving the MNIST, Letter, and
USPS image datasets. We compare random hinge forests with random forests and
the more recent backpropagating deep neural decision forests.
|
ClosNets: a Priori Sparse Topologies for Faster DNN Training | Fully-connected layers in deep neural networks (DNN) are often the throughput
and power bottleneck during training. This is due to their large size and low
data reuse. Pruning dense layers can significantly reduce the size of these
networks, but this approach can only be applied after training. In this work we
propose a novel fully-connected layer that reduces the memory requirements of
DNNs without sacrificing accuracy. We replace a dense matrix with products of
sparse matrices whose topologies we pick in advance. This allows us to: (1)
train significantly smaller networks without a loss in accuracy, and (2) store
the network weights without having to store connection indices. We therefore
achieve significant training speedups due to the smaller network size, and a
reduced amount of computation per epoch. We tested several sparse layer
topologies and found that Clos networks perform well due to their high path
diversity, shallowness, and high model accuracy. With the ClosNets, we are able
to reduce dense layer sizes by as much as an order of magnitude without hurting
model accuracy.
|
Consistent Individualized Feature Attribution for Tree Ensembles | Interpreting predictions from tree ensemble methods such as gradient boosting
machines and random forests is important, yet feature attribution for trees is
often heuristic and not individualized for each prediction. Here we show that
popular feature attribution methods are inconsistent, meaning they can lower a
feature's assigned importance when the true impact of that feature actually
increases. This is a fundamental problem that casts doubt on any comparison
between features. To address it we turn to recent applications of game theory
and develop fast exact tree solutions for SHAP (SHapley Additive exPlanation)
values, which are the unique consistent and locally accurate attribution
values. We then extend SHAP values to interaction effects and define SHAP
interaction values. We propose a rich visualization of individualized feature
attributions that improves over classic attribution summaries and partial
dependence plots, and a unique "supervised" clustering (clustering based on
feature attributions). We demonstrate better agreement with human intuition
through a user study, exponential improvements in run time, improved clustering
performance, and better identification of influential features. An
implementation of our algorithm has also been merged into XGBoost and LightGBM,
see http://github.com/slundberg/shap for details.
|
Multifunctionality in embodied agents: Three levels of neural reuse | The brain in conjunction with the body is able to adapt to new environments
and perform multiple behaviors through reuse of neural resources and transfer
of existing behavioral traits. Although mechanisms that underlie this ability
are not well understood, they are largely attributed to neuromodulation. In
this work, we demonstrate that an agent can be multifunctional using the same
sensory and motor systems across behaviors, in the absence of modulatory
mechanisms. Further, we lay out the different levels at which neural reuse can
occur through a dynamical filtering of the brain-body-environment system's
operation: structural network, autonomous dynamics, and transient dynamics.
Notably, transient dynamics reuse could only be explained by studying the
brain-body-environment system as a whole and not just the brain. The
multifunctional agent we present here demonstrates neural reuse at all three
levels.
|
Q-learning with Nearest Neighbors | We consider model-free reinforcement learning for infinite-horizon discounted
Markov Decision Processes (MDPs) with a continuous state space and unknown
transition kernel, when only a single sample path under an arbitrary policy of
the system is available. We consider the Nearest Neighbor Q-Learning (NNQL)
algorithm to learn the optimal Q function using nearest neighbor regression
method. As the main contribution, we provide tight finite sample analysis of
the convergence rate. In particular, for MDPs with a $d$-dimensional state
space and the discounted factor $\gamma \in (0,1)$, given an arbitrary sample
path with "covering time" $ L $, we establish that the algorithm is guaranteed
to output an $\varepsilon$-accurate estimate of the optimal Q-function using
$\tilde{O}\big(L/(\varepsilon^3(1-\gamma)^7)\big)$ samples. For instance, for a
well-behaved MDP, the covering time of the sample path under the purely random
policy scales as $ \tilde{O}\big(1/\varepsilon^d\big),$ so the sample
complexity scales as $\tilde{O}\big(1/\varepsilon^{d+3}\big).$ Indeed, we
establish a lower bound that argues that the dependence of $
\tilde{\Omega}\big(1/\varepsilon^{d+2}\big)$ is necessary.
|
Unsupervised Anomaly Detection via Variational Auto-Encoder for Seasonal
KPIs in Web Applications | To ensure undisrupted business, large Internet companies need to closely
monitor various KPIs (e.g., Page Views, number of online users, and number of
orders) of its Web applications, to accurately detect anomalies and trigger
timely troubleshooting/mitigation. However, anomaly detection for these
seasonal KPIs with various patterns and data quality has been a great
challenge, especially without labels. In this paper, we proposed Donut, an
unsupervised anomaly detection algorithm based on VAE. Thanks to a few of our
key techniques, Donut greatly outperforms a state-of-arts supervised ensemble
approach and a baseline VAE approach, and its best F-scores range from 0.75 to
0.9 for the studied KPIs from a top global Internet company. We come up with a
novel KDE interpretation of reconstruction for Donut, making it the first
VAE-based anomaly detection algorithm with solid theoretical explanation.
|
Assessing the Utility of Weather Data for Photovoltaic Power Prediction | Photovoltaic systems have been widely deployed in recent times to meet the
increased electricity demand as an environmental-friendly energy source. The
major challenge for integrating photovoltaic systems in power systems is the
unpredictability of the solar power generated. In this paper, we analyze the
impact of having access to weather information for solar power generation
prediction and find weather information that can help best predict photovoltaic
power.
|
Detecting and Correcting for Label Shift with Black Box Predictors | Faced with distribution shift between training and test set, we wish to
detect and quantify the shift, and to correct our classifiers without test set
labels. Motivated by medical diagnosis, where diseases (targets) cause symptoms
(observations), we focus on label shift, where the label marginal $p(y)$
changes but the conditional $p(x| y)$ does not. We propose Black Box Shift
Estimation (BBSE) to estimate the test distribution $p(y)$. BBSE exploits
arbitrary black box predictors to reduce dimensionality prior to shift
correction. While better predictors give tighter estimates, BBSE works even
when predictors are biased, inaccurate, or uncalibrated, so long as their
confusion matrices are invertible. We prove BBSE's consistency, bound its
error, and introduce a statistical test that uses BBSE to detect shift. We also
leverage BBSE to correct classifiers. Experiments demonstrate accurate
estimates and improved prediction, even on high-dimensional datasets of natural
images.
|
Visualizing Neural Network Developing Perturbation Theory | In this letter, motivated by the question that whether the empirical fitting
of data by neural network can yield the same structure of physical laws, we
apply the neural network to a simple quantum mechanical two-body scattering
problem with short-range potentials, which by itself also plays an important
role in many branches of physics. We train a neural network to accurately
predict $ s $-wave scattering length, which governs the low-energy scattering
physics, directly from the scattering potential without solving Schr\"odinger
equation or obtaining the wavefunction. After analyzing the neural network, it
is shown that the neural network develops perturbation theory order by order
when the potential increases. This provides an important benchmark to the
machine-assisted physics research or even automated machine learning physics
laws.
|
On the Needs for Rotations in Hypercubic Quantization Hashing | The aim of this paper is to endow the well-known family of hypercubic
quantization hashing methods with theoretical guarantees. In hypercubic
quantization, applying a suitable (random or learned) rotation after
dimensionality reduction has been experimentally shown to improve the results
accuracy in the nearest neighbors search problem. We prove in this paper that
the use of these rotations is optimal under some mild assumptions: getting
optimal binary sketches is equivalent to applying a rotation uniformizing the
diagonal of the covariance matrix between data points. Moreover, for two closed
points, the probability to have dissimilar binary sketches is upper bounded by
a factor of the initial distance between the data points. Relaxing these
assumptions, we obtain a general concentration result for random matrices. We
also provide some experiments illustrating these theoretical points and compare
a set of algorithms in both the batch and online settings.
|
Revisiting the Vector Space Model: Sparse Weighted Nearest-Neighbor
Method for Extreme Multi-Label Classification | Machine learning has played an important role in information retrieval (IR)
in recent times. In search engines, for example, query keywords are accepted
and documents are returned in order of relevance to the given query; this can
be cast as a multi-label ranking problem in machine learning. Generally, the
number of candidate documents is extremely large (from several thousand to
several million); thus, the classifier must handle many labels. This problem is
referred to as extreme multi-label classification (XMLC). In this paper, we
propose a novel approach to XMLC termed the Sparse Weighted Nearest-Neighbor
Method. This technique can be derived as a fast implementation of
state-of-the-art (SOTA) one-versus-rest linear classifiers for very sparse
datasets. In addition, we show that the classifier can be written as a sparse
generalization of a representer theorem with a linear kernel. Furthermore, our
method can be viewed as the vector space model used in IR. Finally, we show
that the Sparse Weighted Nearest-Neighbor Method can process data points in
real time on XMLC datasets with equivalent performance to SOTA models, with a
single thread and smaller storage footprint. In particular, our method exhibits
superior performance to the SOTA models on a dataset with 3 million labels.
|
Email Classification into Relevant Category Using Neural Networks | In the real world, many online shopping websites or service provider have
single email-id where customers can send their query, concern etc. At the
back-end service provider receive million of emails every week, how they can
identify which email is belonged of a particular department? This paper
presents an artificial neural network (ANN) model that is used to solve this
problem and experiments are carried out on user personal Gmail emails datasets.
This problem can be generalised as typical Text Classification or
Categorization.
|
Reinforcement Learning with Wasserstein Distance Regularisation, with
Applications to Multipolicy Learning | We describe an application of Wasserstein distance to Reinforcement Learning.
The Wasserstein distance in question is between the distribution of mappings of
trajectories of a policy into some metric space, and some other fixed
distribution (which may, for example, come from another policy). Different
policies induce different distributions, so given an underlying metric, the
Wasserstein distance quantifies how different policies are. This can be used to
learn multiple polices which are different in terms of such Wasserstein
distances by using a Wasserstein regulariser. Changing the sign of the
regularisation parameter, one can learn a policy for which its trajectory
mapping distribution is attracted to a given fixed distribution.
|
Spectral Filtering for General Linear Dynamical Systems | We give a polynomial-time algorithm for learning latent-state linear
dynamical systems without system identification, and without assumptions on the
spectral radius of the system's transition matrix. The algorithm extends the
recently introduced technique of spectral filtering, previously applied only to
systems with a symmetric transition matrix, using a novel convex relaxation to
allow for the efficient identification of phases.
|
Latent Variable Time-varying Network Inference | In many applications of finance, biology and sociology, complex systems
involve entities interacting with each other. These processes have the
peculiarity of evolving over time and of comprising latent factors, which
influence the system without being explicitly measured. In this work we present
latent variable time-varying graphical lasso (LTGL), a method for multivariate
time-series graphical modelling that considers the influence of hidden or
unmeasurable factors. The estimation of the contribution of the latent factors
is embedded in the model which produces both sparse and low-rank components for
each time point. In particular, the first component represents the connectivity
structure of observable variables of the system, while the second represents
the influence of hidden factors, assumed to be few with respect to the observed
variables. Our model includes temporal consistency on both components,
providing an accurate evolutionary pattern of the system. We derive a tractable
optimisation algorithm based on alternating direction method of multipliers,
and develop a scalable and efficient implementation which exploits proximity
operators in closed form. LTGL is extensively validated on synthetic data,
achieving optimal performance in terms of accuracy, structure learning and
scalability with respect to ground truth and state-of-the-art methods for
graphical inference. We conclude with the application of LTGL to real case
studies, from biology and finance, to illustrate how our method can be
successfully employed to gain insights on multivariate time-series data.
|
ProofWatch: Watchlist Guidance for Large Theories in E | Watchlist (also hint list) is a mechanism that allows related proofs to guide
a proof search for a new conjecture. This mechanism has been used with the
Otter and Prover9 theorem provers, both for interactive formalizations and for
human-assisted proving of open conjectures in small theories. In this work we
explore the use of watchlists in large theories coming from first-order
translations of large ITP libraries, aiming at improving hammer-style
automation by smarter internal guidance of the ATP systems. In particular, we
(i) design watchlist-based clause evaluation heuristics inside the E ATP
system, and (ii) develop new proof guiding algorithms that load many previous
proofs inside the ATP and focus the proof search using a dynamically updated
notion of proof matching. The methods are evaluated on a large set of problems
coming from the Mizar library, showing significant improvement of E's standard
portfolio of strategies, and also of the previous best set of strategies
invented for Mizar by evolutionary methods.
|
Efficient Bias-Span-Constrained Exploration-Exploitation in
Reinforcement Learning | We introduce SCAL, an algorithm designed to perform efficient
exploration-exploitation in any unknown weakly-communicating Markov decision
process (MDP) for which an upper bound $c$ on the span of the optimal bias
function is known. For an MDP with $S$ states, $A$ actions and $\Gamma \leq S$
possible next states, we prove a regret bound of $\widetilde{O}(c\sqrt{\Gamma
SAT})$, which significantly improves over existing algorithms (e.g., UCRL and
PSRL), whose regret scales linearly with the MDP diameter $D$. In fact, the
optimal bias span is finite and often much smaller than $D$ (e.g., $D=\infty$
in non-communicating MDPs). A similar result was originally derived by Bartlett
and Tewari (2009) for REGAL.C, for which no tractable algorithm is available.
In this paper, we relax the optimization problem at the core of REGAL.C, we
carefully analyze its properties, and we provide the first computationally
efficient algorithm to solve it. Finally, we report numerical simulations
supporting our theoretical findings and showing how SCAL significantly
outperforms UCRL in MDPs with large diameter and small span.
|
Fair and Diverse DPP-based Data Summarization | Sampling methods that choose a subset of the data proportional to its
diversity in the feature space are popular for data summarization. However,
recent studies have noted the occurrence of bias (under- or over-representation
of a certain gender or race) in such data summarization methods. In this paper
we initiate a study of the problem of outputting a diverse and fair summary of
a given dataset. We work with a well-studied determinantal measure of diversity
and corresponding distributions (DPPs) and present a framework that allows us
to incorporate a general class of fairness constraints into such distributions.
Coming up with efficient algorithms to sample from these constrained
determinantal distributions, however, suffers from a complexity barrier and we
present a fast sampler that is provably good when the input vectors satisfy a
natural property. Our experimental results on a real-world and an image dataset
show that the diversity of the samples produced by adding fairness constraints
is not too far from the unconstrained case, and we also provide a theoretical
explanation of it.
|
Lipschitz-Margin Training: Scalable Certification of Perturbation
Invariance for Deep Neural Networks | High sensitivity of neural networks against malicious perturbations on inputs
causes security concerns. To take a steady step towards robust classifiers, we
aim to create neural network models provably defended from perturbations. Prior
certification work requires strong assumptions on network structures and
massive computational costs, and thus the range of their applications was
limited. From the relationship between the Lipschitz constants and prediction
margins, we present a computationally efficient calculation technique to
lower-bound the size of adversarial perturbations that can deceive networks,
and that is widely applicable to various complicated networks. Moreover, we
propose an efficient training procedure that robustifies networks and
significantly improves the provably guarded areas around data points. In
experimental evaluations, our method showed its ability to provide a
non-trivial guarantee and enhance robustness for even large networks.
|
Inferring the time-varying functional connectivity of large-scale
computer networks from emitted events | We consider the problem of inferring the functional connectivity of a
large-scale computer network from sparse time series of events emitted by its
nodes. We do so under the following three domain-specific constraints: (a)
non-stationarity of the functional connectivity due to unknown temporal changes
in the network, (b) sparsity of the time-series of events that limits the
effectiveness of classical correlation-based analysis, and (c) lack of an
explicit model describing how events propagate through the network. Under the
assumption that the probability of two nodes being functionally connected
correlates with the mean delay between their respective events, we develop an
inference method whose output is an undirected weighted network where the
weight of an edge between two nodes denotes the probability of these nodes
being functionally connected. Using a combination of windowing and convolution
to calculate at each time window a score quantifying the likelihood of a pair
of nodes emitting events in quick succession, we develop a model of
time-varying connectivity whose parameters are determined by maximising the
model's predictive power from one time window to the next. To assess the
effectiveness of our inference method, we construct synthetic data for which
ground truth is available and use these data to benchmark our approach against
three state-of-the-art inference methods. We conclude by discussing its
application to data from a real-world large-scale computer network.
|
Taking gradients through experiments: LSTMs and memory proximal policy
optimization for black-box quantum control | In this work we introduce the application of black-box quantum control as an
interesting rein- forcement learning problem to the machine learning community.
We analyze the structure of the reinforcement learning problems arising in
quantum physics and argue that agents parameterized by long short-term memory
(LSTM) networks trained via stochastic policy gradients yield a general method
to solving them. In this context we introduce a variant of the proximal policy
optimization (PPO) algorithm called the memory proximal policy optimization
(MPPO) which is based on this analysis. We then show how it can be applied to
specific learning tasks and present results of nu- merical experiments showing
that our method achieves state-of-the-art results for several learning tasks in
quantum control with discrete and continouous control parameters.
|
A Contextual Bandit Bake-off | Contextual bandit algorithms are essential for solving many real-world
interactive machine learning problems. Despite multiple recent successes on
statistically and computationally efficient methods, the practical behavior of
these algorithms is still poorly understood. We leverage the availability of
large numbers of supervised learning datasets to empirically evaluate
contextual bandit algorithms, focusing on practical methods that learn by
relying on optimization oracles from supervised learning. We find that a recent
method (Foster et al., 2018) using optimism under uncertainty works the best
overall. A surprisingly close second is a simple greedy baseline that only
explores implicitly through the diversity of contexts, followed by a variant of
Online Cover (Agarwal et al., 2014) which tends to be more conservative but
robust to problem specification by design. Along the way, we also evaluate
various components of contextual bandit algorithm design such as loss
estimators. Overall, this is a thorough study and review of contextual bandit
methodology.
|
Bitcoin Volatility Forecasting with a Glimpse into Buy and Sell Orders | In this paper, we study the ability to make the short-term prediction of the
exchange price fluctuations towards the United States dollar for the Bitcoin
market. We use the data of realized volatility collected from one of the
largest Bitcoin digital trading offices in 2016 and 2017 as well as order
information. Experiments are performed to evaluate a variety of statistical and
machine learning approaches.
|
Empirical Risk Minimization in Non-interactive Local Differential
Privacy: Efficiency and High Dimensional Case | In this paper, we study the Empirical Risk Minimization problem in the
non-interactive local model of differential privacy. In the case of constant or
low dimensionality ($p\ll n$), we first show that if the ERM loss function is
$(\infty, T)$-smooth, then we can avoid a dependence of the sample complexity,
to achieve error $\alpha$, on the exponential of the dimensionality $p$ with
base $1/\alpha$ (i.e., $\alpha^{-p}$), which answers a question in [smith 2017
interaction]. Our approach is based on polynomial approximation. Then, we
propose player-efficient algorithms with $1$-bit communication complexity and
$O(1)$ computation cost for each player. The error bound is asymptotically the
same as the original one. Also with additional assumptions we show a server
efficient algorithm. Next we consider the high dimensional case ($n\ll p$), we
show that if the loss function is Generalized Linear function and convex, then
we could get an error bound which is dependent on the Gaussian width of the
underlying constrained set instead of $p$, which is lower than that in [smith
2017 interaction].
|
Smart energy management as a means towards improved energy efficiency | The costs associated with refrigerator equipment often represent more than
half of the total energy costs in supermarkets. This presents a good motivation
for running these systems efficiently. In this study, we investigate different
ways to construct a reference behavior, which can serve as a baseline for
judging the performance of energy consumption. We used 3 distinct learning
models: Multiple Linear Regression, Random Forests, and Artificial Neural
Networks. During our experiments we used a variation of the sliding window
method in combination with learning curves. We applied this approach on five
different supermarkets, across Portugal. We are able to create baselines using
off-the-shelf data mining techniques. Moreover, we found a way to create them
based on short term historical data. We believe that our research will serve as
a base for future studies, for which we provide interesting directions.
|
DCFNet: Deep Neural Network with Decomposed Convolutional Filters | Filters in a Convolutional Neural Network (CNN) contain model parameters
learned from enormous amounts of data. In this paper, we suggest to decompose
convolutional filters in CNN as a truncated expansion with pre-fixed bases,
namely the Decomposed Convolutional Filters network (DCFNet), where the
expansion coefficients remain learned from data. Such a structure not only
reduces the number of trainable parameters and computation, but also imposes
filter regularity by bases truncation. Through extensive experiments, we
consistently observe that DCFNet maintains accuracy for image classification
tasks with a significant reduction of model parameters, particularly with
Fourier-Bessel (FB) bases, and even with random bases. Theoretically, we
analyze the representation stability of DCFNet with respect to input
variations, and prove representation stability under generic assumptions on the
expansion coefficients. The analysis is consistent with the empirical
observations.
|
Policy Gradients for Contextual Recommendations | Decision making is a challenging task in online recommender systems. The
decision maker often needs to choose a contextual item at each step from a set
of candidates. Contextual bandit algorithms have been successfully deployed to
such applications, for the trade-off between exploration and exploitation and
the state-of-art performance on minimizing online costs. However, the
applicability of existing contextual bandit methods is limited by the
over-simplified assumptions of the problem, such as assuming a simple form of
the reward function or assuming a static environment where the states are not
affected by previous actions. In this work, we put forward Policy Gradients for
Contextual Recommendations (PGCR) to solve the problem without those
unrealistic assumptions. It optimizes over a restricted class of policies where
the marginal probability of choosing an item (in expectation of other items)
has a simple closed form, and the gradient of the expected return over the
policy in this class is in a succinct form. Moreover, PGCR leverages two useful
heuristic techniques called Time-Dependent Greed and Actor-Dropout. The former
ensures PGCR to be empirically greedy in the limit, and the latter addresses
the trade-off between exploration and exploitation by using the policy network
with Dropout as a Bayesian approximation. PGCR can solve the standard
contextual bandits as well as its Markov Decision Process generalization.
Therefore it can be applied to a wide range of realistic settings of
recommendations, such as personalized advertising. We evaluate PGCR on toy
datasets as well as a real-world dataset of personalized music recommendations.
Experiments show that PGCR enables fast convergence and low regret, and
outperforms both classic contextual-bandits and vanilla policy gradient
methods.
|
Dimension Reduction Using Active Manifolds | Scientists and engineers rely on accurate mathematical models to quantify the
objects of their studies, which are often high-dimensional. Unfortunately,
high-dimensional models are inherently difficult, i.e. when observations are
sparse or expensive to determine. One way to address this problem is to
approximate the original model with fewer input dimensions. Our project goal
was to recover a function f that takes n inputs and returns one output, where n
is potentially large. For any given n-tuple, we assume that we can observe a
sample of the gradient and output of the function but it is computationally
expensive to do so. This project was inspired by an approach known as Active
Subspaces, which works by linearly projecting to a linear subspace where the
function changes most on average. Our research gives mathematical developments
informing a novel algorithm for this problem. Our approach, Active Manifolds,
increases accuracy by seeking nonlinear analogues that approximate the
function. The benefits of our approach are eliminated unprincipled parameter,
choices, guaranteed accessible visualization, and improved estimation accuracy.
|
State Representation Learning for Control: An Overview | Representation learning algorithms are designed to learn abstract features
that characterize data. State representation learning (SRL) focuses on a
particular kind of representation learning where learned features are in low
dimension, evolve through time, and are influenced by actions of an agent. The
representation is learned to capture the variation in the environment generated
by the agent's actions; this kind of representation is particularly suitable
for robotics and control scenarios. In particular, the low dimension
characteristic of the representation helps to overcome the curse of
dimensionality, provides easier interpretation and utilization by humans and
can help improve performance and speed in policy learning algorithms such as
reinforcement learning.
This survey aims at covering the state-of-the-art on state representation
learning in the most recent years. It reviews different SRL methods that
involve interaction with the environment, their implementations and their
applications in robotics control tasks (simulated or real). In particular, it
highlights how generic learning objectives are differently exploited in the
reviewed algorithms. Finally, it discusses evaluation methods to assess the
representation learned and summarizes current and future lines of research.
|
Electric Vehicle Driver Clustering using Statistical Model and Machine
Learning | Electric Vehicle (EV) is playing a significant role in the distribution
energy management systems since the power consumption level of the EVs is much
higher than the other regular home appliances. The randomness of the EV driver
behaviors make the optimal charging or discharging scheduling even more
difficult due to the uncertain charging session parameters. To minimize the
impact of behavioral uncertainties, it is critical to develop effective methods
to predict EV load for smart EV energy management. Using the EV smart charging
infrastructures on UCLA campus and city of Santa Monica as testbeds, we have
collected real-world datasets of EV charging behaviors, based on which we
proposed an EV user modeling technique which combines statistical analysis and
machine learning approaches. Specifically, unsupervised clustering algorithm,
and multilayer perceptron are applied to historical charging record to make the
day-ahead EV parking and load prediction. Experimental results with
cross-validation show that our model can achieve good performance for charging
control scheduling and online EV load forecasting.
|
client2vec: Towards Systematic Baselines for Banking Applications | The workflow of data scientists normally involves potentially inefficient
processes such as data mining, feature engineering and model selection. Recent
research has focused on automating this workflow, partly or in its entirety, to
improve productivity. We choose the former approach and in this paper share our
experience in designing the client2vec: an internal library to rapidly build
baselines for banking applications. Client2vec uses marginalized stacked
denoising autoencoders on current account transactions data to create vector
embeddings which represent the behaviors of our clients. These representations
can then be used in, and optimized against, a variety of tasks such as client
segmentation, profiling and targeting. Here we detail how we selected the
algorithmic machinery of client2vec and the data it works on and present
experimental results on several business cases.
|
Fast Interactive Image Retrieval using large-scale unlabeled data | An interactive image retrieval system learns which images in the database
belong to a user's query concept, by analyzing the example images and feedback
provided by the user. The challenge is to retrieve the relevant images with
minimal user interaction. In this work, we propose to solve this problem by
posing it as a binary classification task of classifying all images in the
database as being relevant or irrelevant to the user's query concept. Our
method combines active learning with graph-based semi-supervised learning
(GSSL) to tackle this problem. Active learning reduces the number of user
interactions by querying the labels of the most informative points and GSSL
allows to use abundant unlabeled data along with the limited labeled data
provided by the user. To efficiently find the most informative point, we use an
uncertainty sampling based method that queries the label of the point nearest
to the decision boundary of the classifier. We estimate this decision boundary
using our heuristic of adaptive threshold. To utilize huge volumes of unlabeled
data we use an efficient approximation based method that reduces the complexity
of GSSL from $O(n^3)$ to $O(n)$, making GSSL scalable. We make the classifier
robust to the diversity and noisy labels associated with images in large
databases by incorporating information from multiple modalities such as visual
information extracted from deep learning based models and semantic information
extracted from the WordNet. High F1 scores within few relevance feedback rounds
in our experiments with concepts defined on AnimalWithAttributes and Imagenet
(1.2 million images) datasets indicate the effectiveness and scalability of our
approach.
|
Adversarial Audio Synthesis | Audio signals are sampled at high temporal resolutions, and learning to
synthesize audio requires capturing structure across a range of timescales.
Generative adversarial networks (GANs) have seen wide success at generating
images that are both locally and globally coherent, but they have seen little
application to audio generation. In this paper we introduce WaveGAN, a first
attempt at applying GANs to unsupervised synthesis of raw-waveform audio.
WaveGAN is capable of synthesizing one second slices of audio waveforms with
global coherence, suitable for sound effect generation. Our experiments
demonstrate that, without labels, WaveGAN learns to produce intelligible words
when trained on a small-vocabulary speech dataset, and can also synthesize
audio from other domains such as drums, bird vocalizations, and piano. We
compare WaveGAN to a method which applies GANs designed for image generation on
image-like audio feature representations, finding both approaches to be
promising.
|
Augment and Reduce: Stochastic Inference for Large Categorical
Distributions | Categorical distributions are ubiquitous in machine learning, e.g., in
classification, language models, and recommendation systems. However, when the
number of possible outcomes is very large, using categorical distributions
becomes computationally expensive, as the complexity scales linearly with the
number of outcomes. To address this problem, we propose augment and reduce
(A&R), a method to alleviate the computational complexity. A&R uses two ideas:
latent variable augmentation and stochastic variational inference. It maximizes
a lower bound on the marginal likelihood of the data. Unlike existing methods
which are specific to softmax, A&R is more general and is amenable to other
categorical models, such as multinomial probit. On several large-scale
classification problems, we show that A&R provides a tighter bound on the
marginal likelihood and has better predictive performance than existing
approaches.
|
SparseMAP: Differentiable Sparse Structured Inference | Structured prediction requires searching over a combinatorial number of
structures. To tackle it, we introduce SparseMAP: a new method for sparse
structured inference, and its natural loss function. SparseMAP automatically
selects only a few global structures: it is situated between MAP inference,
which picks a single structure, and marginal inference, which assigns
probability mass to all structures, including implausible ones. Importantly,
SparseMAP can be computed using only calls to a MAP oracle, making it
applicable to problems with intractable marginal inference, e.g., linear
assignment. Sparsity makes gradient backpropagation efficient regardless of the
structure, enabling us to augment deep neural networks with generic and sparse
structured hidden layers. Experiments in dependency parsing and natural
language inference reveal competitive accuracy, improved interpretability, and
the ability to capture natural language ambiguities, which is attractive for
pipeline systems.
|
Sparse Reject Option Classifier Using Successive Linear Programming | In this paper, we propose an approach for learning sparse reject option
classifiers using double ramp loss $L_{dr}$. We use DC programming to find the
risk minimizer. The algorithm solves a sequence of linear programs to learn the
reject option classifier. We show that the loss $L_{dr}$ is Fisher consistent.
We also show that the excess risk of loss $L_d$ is upper bounded by the excess
risk of $L_{dr}$. We derive the generalization error bounds for the proposed
approach. We show the effectiveness of the proposed approach by experimenting
it on several real world datasets. The proposed approach not only performs
comparable to the state of the art but it also successfully learns sparse
classifiers.
|
Reinforcement Learning for Solving the Vehicle Routing Problem | We present an end-to-end framework for solving the Vehicle Routing Problem
(VRP) using reinforcement learning. In this approach, we train a single model
that finds near-optimal solutions for problem instances sampled from a given
distribution, only by observing the reward signals and following feasibility
rules. Our model represents a parameterized stochastic policy, and by applying
a policy gradient algorithm to optimize its parameters, the trained model
produces the solution as a sequence of consecutive actions in real time,
without the need to re-train for every new problem instance. On capacitated
VRP, our approach outperforms classical heuristics and Google's OR-Tools on
medium-sized instances in solution quality with comparable computation time
(after training). We demonstrate how our approach can handle problems with
split delivery and explore the effect of such deliveries on the solution
quality. Our proposed framework can be applied to other variants of the VRP
such as the stochastic VRP, and has the potential to be applied more generally
to combinatorial optimization problems.
|
Global Model Interpretation via Recursive Partitioning | In this work, we propose a simple but effective method to interpret black-box
machine learning models globally. That is, we use a compact binary tree, the
interpretation tree, to explicitly represent the most important decision rules
that are implicitly contained in the black-box machine learning models. This
tree is learned from the contribution matrix which consists of the
contributions of input variables to predicted scores for each single
prediction. To generate the interpretation tree, a unified process recursively
partitions the input variable space by maximizing the difference in the average
contribution of the split variable between the divided spaces. We demonstrate
the effectiveness of our method in diagnosing machine learning models on
multiple tasks. Also, it is useful for new knowledge discovery as such insights
are not easily identifiable when only looking at single predictions. In
general, our work makes it easier and more efficient for human beings to
understand machine learning models.
|
A Fast Proximal Point Method for Computing Exact Wasserstein Distance | Wasserstein distance plays increasingly important roles in machine learning,
stochastic programming and image processing. Major efforts have been under way
to address its high computational complexity, some leading to approximate or
regularized variations such as Sinkhorn distance. However, as we will
demonstrate, regularized variations with large regularization parameter will
degradate the performance in several important machine learning applications,
and small regularization parameter will fail due to numerical stability issues
with existing algorithms. We address this challenge by developing an Inexact
Proximal point method for exact Optimal Transport problem (IPOT) with the
proximal operator approximately evaluated at each iteration using projections
to the probability simplex. The algorithm (a) converges to exact Wasserstein
distance with theoretical guarantee and robust regularization parameter
selection, (b) alleviates numerical stability issue, (c) has similar
computational complexity to Sinkhorn, and (d) avoids the shrinking problem when
apply to generative models. Furthermore, a new algorithm is proposed based on
IPOT to obtain sharper Wasserstein barycenter.
|
Stochastic quasi-Newton with adaptive step lengths for large-scale
problems | We provide a numerically robust and fast method capable of exploiting the
local geometry when solving large-scale stochastic optimisation problems. Our
key innovation is an auxiliary variable construction coupled with an inverse
Hessian approximation computed using a receding history of iterates and
gradients. It is the Markov chain nature of the classic stochastic gradient
algorithm that enables this development. The construction offers a mechanism
for stochastic line search adapting the step length. We numerically evaluate
and compare against current state-of-the-art with encouraging performance on
real-world benchmark problems where the number of observations and unknowns is
in the order of millions.
|
Efficient Model-Based Deep Reinforcement Learning with Variational State
Tabulation | Modern reinforcement learning algorithms reach super-human performance on
many board and video games, but they are sample inefficient, i.e. they
typically require significantly more playing experience than humans to reach an
equal performance level. To improve sample efficiency, an agent may build a
model of the environment and use planning methods to update its policy. In this
article we introduce Variational State Tabulation (VaST), which maps an
environment with a high-dimensional state space (e.g. the space of visual
inputs) to an abstract tabular model. Prioritized sweeping with small backups,
a highly efficient planning method, can then be used to update state-action
values. We show how VaST can rapidly learn to maximize reward in tasks like 3D
navigation and efficiently adapt to sudden changes in rewards or transition
probabilities.
|
Multi-Armed Bandits on Partially Revealed Unit Interval Graphs | A stochastic multi-armed bandit problem with side information on the
similarity and dissimilarity across different arms is considered. The action
space of the problem can be represented by a unit interval graph (UIG) where
each node represents an arm and the presence (absence) of an edge between two
nodes indicates similarity (dissimilarity) between their mean rewards. Two
settings of complete and partial side information based on whether the UIG is
fully revealed are studied and a general two-step learning structure consisting
of an offline reduction of the action space and online aggregation of reward
observations from similar arms is proposed to fully exploit the topological
structure of the side information. In both cases, the computation efficiency
and the order optimality of the proposed learning policies in terms of both the
size of the action space and the time length are established.
|
Gaining Free or Low-Cost Transparency with Interpretable Partial
Substitute | This work addresses the situation where a black-box model with good
predictive performance is chosen over its interpretable competitors, and we
show interpretability is still achievable in this case. Our solution is to find
an interpretable substitute on a subset of data where the black-box model is
overkill or nearly overkill while leaving the rest to the black-box. This
transparency is obtained at minimal cost or no cost of the predictive
performance. Under this framework, we develop a Hybrid Rule Sets (HyRS) model
that uses decision rules to capture the subspace of data where the rules are as
accurate or almost as accurate as the black-box provided. To train a HyRS, we
devise an efficient search algorithm that iteratively finds the optimal model
and exploits theoretically grounded strategies to reduce computation. Our
framework is agnostic to the black-box during training. Experiments on
structured and text data show that HyRS obtains an effective trade-off between
transparency and interpretability.
|
Cost-Aware Learning for Improved Identifiability with Multiple
Experiments | We analyze the sample complexity of learning from multiple experiments where
the experimenter has a total budget for obtaining samples. In this problem, the
learner should choose a hypothesis that performs well with respect to multiple
experiments, and their related data distributions. Each collected sample is
associated with a cost which depends on the particular experiments. In our
setup, a learner performs $m$ experiments, while incurring a total cost $C$. We
first show that learning from multiple experiments allows to improve
identifiability. Additionally, by using a Rademacher complexity approach, we
show that the gap between the training and generalization error is
$O(C^{-1/2})$. We also provide some examples for linear prediction, two-layer
neural networks and kernel methods.
|
Junction Tree Variational Autoencoder for Molecular Graph Generation | We seek to automate the design of molecules based on specific chemical
properties. In computational terms, this task involves continuous embedding and
generation of molecular graphs. Our primary contribution is the direct
realization of molecular graphs, a task previously approached by generating
linear SMILES strings instead of graphs. Our junction tree variational
autoencoder generates molecular graphs in two phases, by first generating a
tree-structured scaffold over chemical substructures, and then combining them
into a molecule with a graph message passing network. This approach allows us
to incrementally expand molecules while maintaining chemical validity at every
step. We evaluate our model on multiple tasks ranging from molecular generation
to optimization. Across these tasks, our model outperforms previous
state-of-the-art baselines by a significant margin.
|
Learning a Neural-network-based Representation for Open Set Recognition | Open set recognition problems exist in many domains. For example in security,
new malware classes emerge regularly; therefore malware classification systems
need to identify instances from unknown classes in addition to discriminating
between known classes. In this paper we present a neural network based
representation for addressing the open set recognition problem. In this
representation instances from the same class are close to each other while
instances from different classes are further apart, resulting in statistically
significant improvement when compared to other approaches on three datasets
from two different domains.
|
Tempered Adversarial Networks | Generative adversarial networks (GANs) have been shown to produce realistic
samples from high-dimensional distributions, but training them is considered
hard. A possible explanation for training instabilities is the inherent
imbalance between the networks: While the discriminator is trained directly on
both real and fake samples, the generator only has control over the fake
samples it produces since the real data distribution is fixed by the choice of
a given dataset. We propose a simple modification that gives the generator
control over the real samples which leads to a tempered learning process for
both generator and discriminator. The real data distribution passes through a
lens before being revealed to the discriminator, balancing the generator and
discriminator by gradually revealing more detailed features necessary to
produce high-quality results. The proposed module automatically adjusts the
learning process to the current strength of the networks, yet is generic and
easy to add to any GAN variant. In a number of experiments, we show that this
can improve quality, stability and/or convergence speed across a range of
different GAN architectures (DCGAN, LSGAN, WGAN-GP).
|
Few-Shot Learning with Metric-Agnostic Conditional Embeddings | Learning high quality class representations from few examples is a key
problem in metric-learning approaches to few-shot learning. To accomplish this,
we introduce a novel architecture where class representations are conditioned
for each few-shot trial based on a target image. We also deviate from
traditional metric-learning approaches by training a network to perform
comparisons between classes rather than relying on a static metric comparison.
This allows the network to decide what aspects of each class are important for
the comparison at hand. We find that this flexible architecture works well in
practice, achieving state-of-the-art performance on the Caltech-UCSD birds
fine-grained classification task.
|
Classification from Pairwise Similarity and Unlabeled Data | Supervised learning needs a huge amount of labeled data, which can be a big
bottleneck under the situation where there is a privacy concern or labeling
cost is high. To overcome this problem, we propose a new weakly-supervised
learning setting where only similar (S) data pairs (two examples belong to the
same class) and unlabeled (U) data points are needed instead of fully labeled
data, which is called SU classification. We show that an unbiased estimator of
the classification risk can be obtained only from SU data, and the estimation
error of its empirical risk minimizer achieves the optimal parametric
convergence rate. Finally, we demonstrate the effectiveness of the proposed
method through experiments.
|
M-Walk: Learning to Walk over Graphs using Monte Carlo Tree Search | Learning to walk over a graph towards a target node for a given query and a
source node is an important problem in applications such as knowledge base
completion (KBC). It can be formulated as a reinforcement learning (RL) problem
with a known state transition model. To overcome the challenge of sparse
rewards, we develop a graph-walking agent called M-Walk, which consists of a
deep recurrent neural network (RNN) and Monte Carlo Tree Search (MCTS). The RNN
encodes the state (i.e., history of the walked path) and maps it separately to
a policy and Q-values. In order to effectively train the agent from sparse
rewards, we combine MCTS with the neural policy to generate trajectories
yielding more positive rewards. From these trajectories, the network is
improved in an off-policy manner using Q-learning, which modifies the RNN
policy via parameter sharing. Our proposed RL algorithm repeatedly applies this
policy-improvement step to learn the model. At test time, MCTS is combined with
the neural policy to predict the target node. Experimental results on several
graph-walking benchmarks show that M-Walk is able to learn better policies than
other RL-based methods, which are mainly based on policy gradients. M-Walk also
outperforms traditional KBC baselines.
|
Identifiability of Nonparametric Mixture Models and Bayes Optimal
Clustering | Motivated by problems in data clustering, we establish general conditions
under which families of nonparametric mixture models are identifiable, by
introducing a novel framework involving clustering overfitted \emph{parametric}
(i.e. misspecified) mixture models. These identifiability conditions generalize
existing conditions in the literature, and are flexible enough to include for
example mixtures of Gaussian mixtures. In contrast to the recent literature on
estimating nonparametric mixtures, we allow for general nonparametric mixture
components, and instead impose regularity assumptions on the underlying mixing
measure. As our primary application, we apply these results to partition-based
clustering, generalizing the notion of a Bayes optimal partition from classical
parametric model-based clustering to nonparametric settings. Furthermore, this
framework is constructive so that it yields a practical algorithm for learning
identified mixtures, which is illustrated through several examples on real
data. The key conceptual device in the analysis is the convex, metric geometry
of probability measures on metric spaces and its connection to the Wasserstein
convergence of mixing measures. The result is a flexible framework for
nonparametric clustering with formal consistency guarantees.
|
TVAE: Triplet-Based Variational Autoencoder using Metric Learning | Deep metric learning has been demonstrated to be highly effective in learning
semantic representation and encoding information that can be used to measure
data similarity, by relying on the embedding learned from metric learning. At
the same time, variational autoencoder (VAE) has widely been used to
approximate inference and proved to have a good performance for directed
probabilistic models. However, for traditional VAE, the data label or feature
information are intractable. Similarly, traditional representation learning
approaches fail to represent many salient aspects of the data. In this project,
we propose a novel integrated framework to learn latent embedding in VAE by
incorporating deep metric learning. The features are learned by optimizing a
triplet loss on the mean vectors of VAE in conjunction with standard evidence
lower bound (ELBO) of VAE. This approach, which we call Triplet based
Variational Autoencoder (TVAE), allows us to capture more fine-grained
information in the latent embedding. Our model is tested on MNIST data set and
achieves a high triplet accuracy of 95.60% while the traditional VAE (Kingma &
Welling, 2013) achieves triplet accuracy of 75.08%.
|
Adversarially Regularized Graph Autoencoder for Graph Embedding | Graph embedding is an effective method to represent graph data in a low
dimensional space for graph analytics. Most existing embedding algorithms
typically focus on preserving the topological structure or minimizing the
reconstruction errors of graph data, but they have mostly ignored the data
distribution of the latent codes from the graphs, which often results in
inferior embedding in real-world graph data. In this paper, we propose a novel
adversarial graph embedding framework for graph data. The framework encodes the
topological structure and node content in a graph to a compact representation,
on which a decoder is trained to reconstruct the graph structure. Furthermore,
the latent representation is enforced to match a prior distribution via an
adversarial training scheme. To learn a robust embedding, two variants of
adversarial approaches, adversarially regularized graph autoencoder (ARGA) and
adversarially regularized variational graph autoencoder (ARVGA), are developed.
Experimental studies on real-world graphs validate our design and demonstrate
that our algorithms outperform baselines by a wide margin in link prediction,
graph clustering, and graph visualization tasks.
|
Efficient Exploration through Bayesian Deep Q-Networks | We study reinforcement learning (RL) in high dimensional episodic Markov
decision processes (MDP). We consider value-based RL when the optimal Q-value
is a linear function of d-dimensional state-action feature representation. For
instance, in deep-Q networks (DQN), the Q-value is a linear function of the
feature representation layer (output layer). We propose two algorithms, one
based on optimism, LINUCB, and another based on posterior sampling, LINPSRL. We
guarantee frequentist and Bayesian regret upper bounds of O(d sqrt{T}) for
these two algorithms, where T is the number of episodes. We extend these
methods to deep RL and propose Bayesian deep Q-networks (BDQN), which uses an
efficient Thompson sampling algorithm for high dimensional RL. We deploy the
double DQN (DDQN) approach, and instead of learning the last layer of Q-network
using linear regression, we use Bayesian linear regression, resulting in an
approximated posterior over Q-function. This allows us to directly incorporate
the uncertainty over the Q-function and deploy Thompson sampling on the learned
posterior distribution resulting in efficient exploration/exploitation
trade-off. We empirically study the behavior of BDQN on a wide range of Atari
games. Since BDQN carries out more efficient exploration and exploitation, it
is able to reach higher return substantially faster compared to DDQN.
|
Neural Tensor Factorization | Neural collaborative filtering (NCF) and recurrent recommender systems (RRN)
have been successful in modeling user-item relational data. However, they are
also limited in their assumption of static or sequential modeling of relational
data as they do not account for evolving users' preference over time as well as
changes in the underlying factors that drive the change in user-item
relationship over time. We address these limitations by proposing a Neural
Tensor Factorization (NTF) model for predictive tasks on dynamic relational
data. The NTF model generalizes conventional tensor factorization from two
perspectives: First, it leverages the long short-term memory architecture to
characterize the multi-dimensional temporal interactions on relational data.
Second, it incorporates the multi-layer perceptron structure for learning the
non-linearities between different latent factors. Our extensive experiments
demonstrate the significant improvement in rating prediction and link
prediction on dynamic relational data by our NTF model over both neural network
based factorization models and other traditional methods.
|
Towards Understanding the Generalization Bias of Two Layer Convolutional
Linear Classifiers with Gradient Descent | A major challenge in understanding the generalization of deep learning is to
explain why (stochastic) gradient descent can exploit the network architecture
to find solutions that have good generalization performance when using high
capacity models. We find simple but realistic examples showing that this
phenomenon exists even when learning linear classifiers --- between two linear
networks with the same capacity, the one with a convolutional layer can
generalize better than the other when the data distribution has some underlying
spatial structure. We argue that this difference results from a combination of
the convolution architecture, data distribution and gradient descent, all of
which are necessary to be included in a meaningful analysis. We provide a
general analysis of the generalization performance as a function of data
distribution and convolutional filter size, given gradient descent as the
optimization algorithm, then interpret the results using concrete examples.
Experimental results show that our analysis is able to explain what happens in
our introduced examples.
|
A comparative study of fairness-enhancing interventions in machine
learning | Computers are increasingly used to make decisions that have significant
impact in people's lives. Often, these predictions can affect different
population subgroups disproportionately. As a result, the issue of fairness has
received much recent interest, and a number of fairness-enhanced classifiers
and predictors have appeared in the literature. This paper seeks to study the
following questions: how do these different techniques fundamentally compare to
one another, and what accounts for the differences? Specifically, we seek to
bring attention to many under-appreciated aspects of such fairness-enhancing
interventions. Concretely, we present the results of an open benchmark we have
developed that lets us compare a number of different algorithms under a variety
of fairness measures, and a large number of existing datasets. We find that
although different algorithms tend to prefer specific formulations of fairness
preservations, many of these measures strongly correlate with one another. In
addition, we find that fairness-preserving algorithms tend to be sensitive to
fluctuations in dataset composition (simulated in our benchmark by varying
training-test splits), indicating that fairness interventions might be more
brittle than previously thought.
|
Detecting Spacecraft Anomalies Using LSTMs and Nonparametric Dynamic
Thresholding | As spacecraft send back increasing amounts of telemetry data, improved
anomaly detection systems are needed to lessen the monitoring burden placed on
operations engineers and reduce operational risk. Current spacecraft monitoring
systems only target a subset of anomaly types and often require costly expert
knowledge to develop and maintain due to challenges involving scale and
complexity. We demonstrate the effectiveness of Long Short-Term Memory (LSTMs)
networks, a type of Recurrent Neural Network (RNN), in overcoming these issues
using expert-labeled telemetry anomaly data from the Soil Moisture Active
Passive (SMAP) satellite and the Mars Science Laboratory (MSL) rover,
Curiosity. We also propose a complementary unsupervised and nonparametric
anomaly thresholding approach developed during a pilot implementation of an
anomaly detection system for SMAP, and offer false positive mitigation
strategies along with other key improvements and lessons learned during
development.
|
signSGD: Compressed Optimisation for Non-Convex Problems | Training large neural networks requires distributing learning across multiple
workers, where the cost of communicating gradients can be a significant
bottleneck. signSGD alleviates this problem by transmitting just the sign of
each minibatch stochastic gradient. We prove that it can get the best of both
worlds: compressed gradients and SGD-level convergence rate. The relative
$\ell_1/\ell_2$ geometry of gradients, noise and curvature informs whether
signSGD or SGD is theoretically better suited to a particular problem. On the
practical side we find that the momentum counterpart of signSGD is able to
match the accuracy and convergence speed of Adam on deep Imagenet models. We
extend our theory to the distributed setting, where the parameter server uses
majority vote to aggregate gradient signs from each worker enabling 1-bit
compression of worker-server communication in both directions. Using a theorem
by Gauss we prove that majority vote can achieve the same reduction in variance
as full precision distributed SGD. Thus, there is great promise for sign-based
optimisation schemes to achieve fast communication and fast convergence. Code
to reproduce experiments is to be found at https://github.com/jxbz/signSGD .
|
On Characterizing the Capacity of Neural Networks using Algebraic
Topology | The learnability of different neural architectures can be characterized
directly by computable measures of data complexity. In this paper, we reframe
the problem of architecture selection as understanding how data determines the
most expressive and generalizable architectures suited to that data, beyond
inductive bias. After suggesting algebraic topology as a measure for data
complexity, we show that the power of a network to express the topological
complexity of a dataset in its decision region is a strictly limiting factor in
its ability to generalize. We then provide the first empirical characterization
of the topological capacity of neural networks. Our empirical analysis shows
that at every level of dataset complexity, neural networks exhibit topological
phase transitions. This observation allowed us to connect existing theory to
empirically driven conjectures on the choice of architectures for
fully-connected neural networks.
|
Predicting Adversarial Examples with High Confidence | It has been suggested that adversarial examples cause deep learning models to
make incorrect predictions with high confidence. In this work, we take the
opposite stance: an overly confident model is more likely to be vulnerable to
adversarial examples. This work is one of the most proactive approaches taken
to date, as we link robustness with non-calibrated model confidence on noisy
images, providing a data-augmentation-free path forward. The adversarial
examples phenomenon is most easily explained by the trend of increasing
non-regularized model capacity, while the diversity and number of samples in
common datasets has remained flat. Test accuracy has incorrectly been
associated with true generalization performance, ignoring that training and
test splits are often extremely similar in terms of the overall representation
space. The transferability property of adversarial examples was previously used
as evidence against overfitting arguments, a perceived random effect, but
overfitting is not always random.
|
Information Scaling Law of Deep Neural Networks | With the rapid development of Deep Neural Networks (DNNs), various network
models that show strong computing power and impressive expressive power are
proposed. However, there is no comprehensive informational interpretation of
DNNs from the perspective of information theory. Due to the nonlinear function
and the uncertain number of layers and neural units used in the DNNs, the
network structure shows nonlinearity and complexity. With the typical DNNs
named Convolutional Arithmetic Circuits (ConvACs), the complex DNNs can be
converted into mathematical formula. Thus, we can use rigorous mathematical
theory especially the information theory to analyse the complicated DNNs. In
this paper, we propose a novel information scaling law scheme that can
interpret the network's inner organization by information theory. First, we
show the informational interpretation of the activation function. Secondly, we
prove that the information entropy increases when the information is
transmitted through the ConvACs. Finally, we propose the information scaling
law of ConvACs through making a reasonable assumption.
|
A Simple Proximal Stochastic Gradient Method for Nonsmooth Nonconvex
Optimization | We analyze stochastic gradient algorithms for optimizing nonconvex, nonsmooth
finite-sum problems. In particular, the objective function is given by the
summation of a differentiable (possibly nonconvex) component, together with a
possibly non-differentiable but convex component. We propose a proximal
stochastic gradient algorithm based on variance reduction, called ProxSVRG+.
Our main contribution lies in the analysis of ProxSVRG+. It recovers several
existing convergence results and improves/generalizes them (in terms of the
number of stochastic gradient oracle calls and proximal oracle calls). In
particular, ProxSVRG+ generalizes the best results given by the SCSG algorithm,
recently proposed by [Lei et al., 2017] for the smooth nonconvex case.
ProxSVRG+ is also more straightforward than SCSG and yields simpler analysis.
Moreover, ProxSVRG+ outperforms the deterministic proximal gradient descent
(ProxGD) for a wide range of minibatch sizes, which partially solves an open
problem proposed in [Reddi et al., 2016b]. Also, ProxSVRG+ uses much less
proximal oracle calls than ProxSVRG [Reddi et al., 2016b]. Moreover, for
nonconvex functions satisfied Polyak-\L{}ojasiewicz condition, we prove that
ProxSVRG+ achieves a global linear convergence rate without restart unlike
ProxSVRG. Thus, it can \emph{automatically} switch to the faster linear
convergence in some regions as long as the objective function satisfies the PL
condition locally in these regions. ProxSVRG+ also improves ProxGD and
ProxSVRG/SAGA, and generalizes the results of SCSG in this case. Finally, we
conduct several experiments and the experimental results are consistent with
the theoretical results.
|
Legendre Decomposition for Tensors | We present a novel nonnegative tensor decomposition method, called Legendre
decomposition, which factorizes an input tensor into a multiplicative
combination of parameters. Thanks to the well-developed theory of information
geometry, the reconstructed tensor is unique and always minimizes the KL
divergence from an input tensor. We empirically show that Legendre
decomposition can more accurately reconstruct tensors than other nonnegative
tensor decomposition methods.
|
Flipped-Adversarial AutoEncoders | We propose a flipped-Adversarial AutoEncoder (FAAE) that simultaneously
trains a generative model G that maps an arbitrary latent code distribution to
a data distribution and an encoder E that embodies an "inverse mapping" that
encodes a data sample into a latent code vector. Unlike previous hybrid
approaches that leverage adversarial training criterion in constructing
autoencoders, FAAE minimizes re-encoding errors in the latent space and
exploits adversarial criterion in the data space. Experimental evaluations
demonstrate that the proposed framework produces sharper reconstructed images
while at the same time enabling inference that captures rich semantic
representation of data.
|
Deceiving End-to-End Deep Learning Malware Detectors using Adversarial
Examples | In recent years, deep learning has shown performance breakthroughs in many
applications, such as image detection, image segmentation, pose estimation, and
speech recognition. However, this comes with a major concern: deep networks
have been found to be vulnerable to adversarial examples. Adversarial examples
are slightly modified inputs that are intentionally designed to cause a
misclassification by the model. In the domains of images and speech, the
modifications are so small that they are not seen or heard by humans, but
nevertheless greatly affect the classification of the model.
Deep learning models have been successfully applied to malware detection. In
this domain, generating adversarial examples is not straightforward, as small
modifications to the bytes of the file could lead to significant changes in its
functionality and validity. We introduce a novel loss function for generating
adversarial examples specifically tailored for discrete input sets, such as
executable bytes. We modify malicious binaries so that they would be detected
as benign, while preserving their original functionality, by injecting a small
sequence of bytes (payload) in the binary file. We applied this approach to an
end-to-end convolutional deep learning malware detection model and show a high
rate of detection evasion. Moreover, we show that our generated payload is
robust enough to be transferable within different locations of the same file
and across different files, and that its entropy is low and similar to that of
benign data sections.
|
Tighter Variational Bounds are Not Necessarily Better | We provide theoretical and empirical evidence that using tighter evidence
lower bounds (ELBOs) can be detrimental to the process of learning an inference
network by reducing the signal-to-noise ratio of the gradient estimator. Our
results call into question common implicit assumptions that tighter ELBOs are
better variational objectives for simultaneous model learning and inference
amortization schemes. Based on our insights, we introduce three new algorithms:
the partially importance weighted auto-encoder (PIWAE), the multiply importance
weighted auto-encoder (MIWAE), and the combination importance weighted
auto-encoder (CIWAE), each of which includes the standard importance weighted
auto-encoder (IWAE) as a special case. We show that each can deliver
improvements over IWAE, even when performance is measured by the IWAE target
itself. Furthermore, our results suggest that PIWAE may be able to deliver
simultaneous improvements in the training of both the inference and generative
networks.
|
Analysis of Minimax Error Rate for Crowdsourcing and Its Application to
Worker Clustering Model | While crowdsourcing has become an important means to label data, there is
great interest in estimating the ground truth from unreliable labels produced
by crowdworkers. The Dawid and Skene (DS) model is one of the most well-known
models in the study of crowdsourcing. Despite its practical popularity,
theoretical error analysis for the DS model has been conducted only under
restrictive assumptions on class priors, confusion matrices, or the number of
labels each worker provides. In this paper, we derive a minimax error rate
under more practical setting for a broader class of crowdsourcing models
including the DS model as a special case. We further propose the worker
clustering model, which is more practical than the DS model under real
crowdsourcing settings. The wide applicability of our theoretical analysis
allows us to immediately investigate the behavior of this proposed model, which
can not be analyzed by existing studies. Experimental results showed that there
is a strong similarity between the lower bound of the minimax error rate
derived by our theoretical analysis and the empirical error of the estimated
value.
|
First Order Generative Adversarial Networks | GANs excel at learning high dimensional distributions, but they can update
generator parameters in directions that do not correspond to the steepest
descent direction of the objective. Prominent examples of problematic update
directions include those used in both Goodfellow's original GAN and the
WGAN-GP. To formally describe an optimal update direction, we introduce a
theoretical framework which allows the derivation of requirements on both the
divergence and corresponding method for determining an update direction, with
these requirements guaranteeing unbiased mini-batch updates in the direction of
steepest descent. We propose a novel divergence which approximates the
Wasserstein distance while regularizing the critic's first order information.
Together with an accompanying update direction, this divergence fulfills the
requirements for unbiased steepest descent updates. We verify our method, the
First Order GAN, with image generation on CelebA, LSUN and CIFAR-10 and set a
new state of the art on the One Billion Word language generation task. Code to
reproduce experiments is available.
|
Fast Global Convergence via Landscape of Empirical Loss | While optimizing convex objective (loss) functions has been a powerhouse for
machine learning for at least two decades, non-convex loss functions have
attracted fast growing interests recently, due to many desirable properties
such as superior robustness and classification accuracy, compared with their
convex counterparts. The main obstacle for non-convex estimators is that it is
in general intractable to find the optimal solution. In this paper, we study
the computational issues for some non-convex M-estimators. In particular, we
show that the stochastic variance reduction methods converge to the global
optimal with linear rate, by exploiting the statistical property of the
population loss. En route, we improve the convergence analysis for the batch
gradient method in \cite{mei2016landscape}.
|
Logarithmic Regret for Online Gradient Descent Beyond Strong Convexity | Hoffman's classical result gives a bound on the distance of a point from a
convex and compact polytope in terms of the magnitude of violation of the
constraints. Recently, several results showed that Hoffman's bound can be used
to derive strongly-convex-like rates for first-order methods for
\textit{offline} convex optimization of curved, though not strongly convex,
functions, over polyhedral sets. In this work, we use this classical result for
the first time to obtain faster rates for \textit{online convex optimization}
over polyhedral sets with curved convex, though not strongly convex, loss
functions. We show that under several reasonable assumptions on the data, the
standard \textit{Online Gradient Descent} algorithm guarantees logarithmic
regret. To the best of our knowledge, the only previous algorithm to achieve
logarithmic regret in the considered settings is the \textit{Online Newton
Step} algorithm which requires quadratic (in the dimension) memory and at least
quadratic runtime per iteration, which greatly limits its applicability to
large-scale problems. In particular, our results hold for
\textit{semi-adversarial} settings in which the data is a combination of an
arbitrary (adversarial) sequence and a stochastic sequence, which might provide
reasonable approximation for many real-world sequences, or under a natural
assumption that the data is low-rank. We demonstrate via experiments that the
regret of OGD is indeed comparable to that of ONS (and even far better) on
curved though not strongly-convex losses.
|
Barista - a Graphical Tool for Designing and Training Deep Neural
Networks | In recent years, the importance of deep learning has significantly increased
in pattern recognition, computer vision, and artificial intelligence research,
as well as in industry. However, despite the existence of multiple deep
learning frameworks, there is a lack of comprehensible and easy-to-use
high-level tools for the design, training, and testing of deep neural networks
(DNNs). In this paper, we introduce Barista, an open-source graphical
high-level interface for the Caffe deep learning framework. While Caffe is one
of the most popular frameworks for training DNNs, editing prototext files in
order to specify the net architecture and hyper parameters can become a
cumbersome and error-prone task. Instead, Barista offers a fully graphical user
interface with a graph-based net topology editor and provides an end-to-end
training facility for DNNs, which allows researchers to focus on solving their
problems without having to write code, edit text files, or manually parse
logged data.
|
Turning Your Weakness Into a Strength: Watermarking Deep Neural Networks
by Backdooring | Deep Neural Networks have recently gained lots of success after enabling
several breakthroughs in notoriously challenging problems. Training these
networks is computationally expensive and requires vast amounts of training
data. Selling such pre-trained models can, therefore, be a lucrative business
model. Unfortunately, once the models are sold they can be easily copied and
redistributed. To avoid this, a tracking mechanism to identify models as the
intellectual property of a particular vendor is necessary.
In this work, we present an approach for watermarking Deep Neural Networks in
a black-box way. Our scheme works for general classification tasks and can
easily be combined with current learning algorithms. We show experimentally
that such a watermark has no noticeable impact on the primary task that the
model is designed for and evaluate the robustness of our proposal against a
multitude of practical attacks. Moreover, we provide a theoretical analysis,
relating our approach to previous work on backdooring.
|
Deep Learning with Apache SystemML | Enterprises operate large data lakes using Hadoop and Spark frameworks that
(1) run a plethora of tools to automate powerful data
preparation/transformation pipelines, (2) run on shared, large clusters to (3)
perform many different analytics tasks ranging from model preparation,
building, evaluation, and tuning for both machine learning and deep learning.
Developing machine/deep learning models on data in such shared environments is
challenging. Apache SystemML provides a unified framework for implementing
machine learning and deep learning algorithms in a variety of shared deployment
scenarios. SystemML's novel compilation approach automatically generates
runtime execution plans for machine/deep learning algorithms that are composed
of single-node and distributed runtime operations depending on data and cluster
characteristics such as data size, data sparsity, cluster size, and memory
configurations, while still exploiting the capabilities of the underlying big
data frameworks.
|
Analyzing and Mitigating the Impact of Permanent Faults on a Systolic
Array Based Neural Network Accelerator | Due to their growing popularity and computational cost, deep neural networks
(DNNs) are being targeted for hardware acceleration. A popular architecture for
DNN acceleration, adopted by the Google Tensor Processing Unit (TPU), utilizes
a systolic array based matrix multiplication unit at its core. This paper deals
with the design of fault-tolerant, systolic array based DNN accelerators for
high defect rate technologies. To this end, we empirically show that the
classification accuracy of a baseline TPU drops significantly even at extremely
low fault rates (as low as $0.006\%$). We then propose two novel strategies,
fault-aware pruning (FAP) and fault-aware pruning+retraining (FAP+T), that
enable the TPU to operate at fault rates of up to $50\%$, with negligible drop
in classification accuracy (as low as $0.1\%$) and no run-time performance
overhead. The FAP+T does introduce a one-time retraining penalty per TPU chip
before it is deployed, but we propose optimizations that reduce this one-time
penalty to under 12 minutes. The penalty is then amortized over the entire
lifetime of the TPU's operation.
|
Recovering Loss to Followup Information Using Denoising Autoencoders | Loss to followup is a significant issue in healthcare and has serious
consequences for a study's validity and cost. Methods available at present for
recovering loss to followup information are restricted by their expressive
capabilities and struggle to model highly non-linear relations and complex
interactions. In this paper we propose a model based on overcomplete denoising
autoencoders to recover loss to followup information. Designed to work with
high volume data, results on various simulated and real life datasets show our
model is appropriate under varying dataset and loss to followup conditions and
outperforms the state-of-the-art methods by a wide margin ($\ge 20\%$ in some
scenarios) while preserving the dataset utility for final analysis.
|
Training and Inference with Integers in Deep Neural Networks | Researches on deep neural networks with discrete parameters and their
deployment in embedded systems have been active and promising topics. Although
previous works have successfully reduced precision in inference, transferring
both training and inference processes to low-bitwidth integers has not been
demonstrated simultaneously. In this work, we develop a new method termed as
"WAGE" to discretize both training and inference, where weights (W),
activations (A), gradients (G) and errors (E) among layers are shifted and
linearly constrained to low-bitwidth integers. To perform pure discrete
dataflow for fixed-point devices, we further replace batch normalization by a
constant scaling layer and simplify other components that are arduous for
integer implementation. Improved accuracies can be obtained on multiple
datasets, which indicates that WAGE somehow acts as a type of regularization.
Empirically, we demonstrate the potential to deploy training in hardware
systems such as integer-based deep learning accelerators and neuromorphic chips
with comparable accuracy and higher energy efficiency, which is crucial to
future AI applications in variable scenarios with transfer and continual
learning demands.
|
Unsupervised Evaluation and Weighted Aggregation of Ranked Predictions | Learning algorithms that aggregate predictions from an ensemble of diverse
base classifiers consistently outperform individual methods. Many of these
strategies have been developed in a supervised setting, where the accuracy of
each base classifier can be empirically measured and this information is
incorporated in the training process. However, the reliance on labeled data
precludes the application of ensemble methods to many real world problems where
labeled data has not been curated. To this end we developed a new theoretical
framework for binary classification, the Strategy for Unsupervised Multiple
Method Aggregation (SUMMA), to estimate the performances of base classifiers
and an optimal strategy for ensemble learning from unlabeled data.
|
Neural Relational Inference for Interacting Systems | Interacting systems are prevalent in nature, from dynamical systems in
physics to complex societal dynamics. The interplay of components can give rise
to complex behavior, which can often be explained using a simple model of the
system's constituent parts. In this work, we introduce the neural relational
inference (NRI) model: an unsupervised model that learns to infer interactions
while simultaneously learning the dynamics purely from observational data. Our
model takes the form of a variational auto-encoder, in which the latent code
represents the underlying interaction graph and the reconstruction is based on
graph neural networks. In experiments on simulated physical systems, we show
that our NRI model can accurately recover ground-truth interactions in an
unsupervised manner. We further demonstrate that we can find an interpretable
structure and predict complex dynamics in real motion capture and sports
tracking data.
|
Learning to Search with MCTSnets | Planning problems are among the most important and well-studied problems in
artificial intelligence. They are most typically solved by tree search
algorithms that simulate ahead into the future, evaluate future states, and
back-up those evaluations to the root of a search tree. Among these algorithms,
Monte-Carlo tree search (MCTS) is one of the most general, powerful and widely
used. A typical implementation of MCTS uses cleverly designed rules, optimized
to the particular characteristics of the domain. These rules control where the
simulation traverses, what to evaluate in the states that are reached, and how
to back-up those evaluations. In this paper we instead learn where, what and
how to search. Our architecture, which we call an MCTSnet, incorporates
simulation-based search inside a neural network, by expanding, evaluating and
backing-up a vector embedding. The parameters of the network are trained
end-to-end using gradient-based optimisation. When applied to small searches in
the well known planning problem Sokoban, the learned search algorithm
significantly outperformed MCTS baselines.
|
Hadamard Response: Estimating Distributions Privately, Efficiently, and
with Little Communication | We study the problem of estimating $k$-ary distributions under
$\varepsilon$-local differential privacy. $n$ samples are distributed across
users who send privatized versions of their sample to a central server. All
previously known sample optimal algorithms require linear (in $k$)
communication from each user in the high privacy regime $(\varepsilon=O(1))$,
and run in time that grows as $n\cdot k$, which can be prohibitive for large
domain size $k$.
We propose Hadamard Response (HR}, a local privatization scheme that requires
no shared randomness and is symmetric with respect to the users. Our scheme has
order optimal sample complexity for all $\varepsilon$, a communication of at
most $\log k+2$ bits per user, and nearly linear running time of $\tilde{O}(n +
k)$.
Our encoding and decoding are based on Hadamard matrices, and are simple to
implement. The statistical performance relies on the coding theoretic aspects
of Hadamard matrices, ie, the large Hamming distance between the rows. An
efficient implementation of the algorithm using the Fast Walsh-Hadamard
transform gives the computational gains.
We compare our approach with Randomized Response (RR), RAPPOR, and
subset-selection mechanisms (SS), both theoretically, and experimentally. For
$k=10000$, our algorithm runs about 100x faster than SS, and RAPPOR.
|
Attention-based Deep Multiple Instance Learning | Multiple instance learning (MIL) is a variation of supervised learning where
a single class label is assigned to a bag of instances. In this paper, we state
the MIL problem as learning the Bernoulli distribution of the bag label where
the bag label probability is fully parameterized by neural networks.
Furthermore, we propose a neural network-based permutation-invariant
aggregation operator that corresponds to the attention mechanism. Notably, an
application of the proposed attention-based operator provides insight into the
contribution of each instance to the bag label. We show empirically that our
approach achieves comparable performance to the best MIL methods on benchmark
MIL datasets and it outperforms other methods on a MNIST-based MIL dataset and
two real-life histopathology datasets without sacrificing interpretability.
|
Online Variance Reduction for Stochastic Optimization | Modern stochastic optimization methods often rely on uniform sampling which
is agnostic to the underlying characteristics of the data. This might degrade
the convergence by yielding estimates that suffer from a high variance. A
possible remedy is to employ non-uniform importance sampling techniques, which
take the structure of the dataset into account. In this work, we investigate a
recently proposed setting which poses variance reduction as an online
optimization problem with bandit feedback. We devise a novel and efficient
algorithm for this setting that finds a sequence of importance sampling
distributions competitive with the best fixed distribution in hindsight, the
first result of this kind. While we present our method for sampling datapoints,
it naturally extends to selecting coordinates or even blocks of thereof.
Empirical validations underline the benefits of our method in several settings.
|
Predict and Constrain: Modeling Cardinality in Deep Structured
Prediction | Many machine learning problems require the prediction of multi-dimensional
labels. Such structured prediction models can benefit from modeling
dependencies between labels. Recently, several deep learning approaches to
structured prediction have been proposed. Here we focus on capturing
cardinality constraints in such models. Namely, constraining the number of
non-zero labels that the model outputs. Such constraints have proven very
useful in previous structured prediction approaches, but it is a challenge to
introduce them into a deep learning framework. Here we show how to do this via
a novel deep architecture. Our approach outperforms strong baselines, achieving
state-of-the-art results on multi-label classification benchmarks.
|
Tensor Comprehensions: Framework-Agnostic High-Performance Machine
Learning Abstractions | Deep learning models with convolutional and recurrent networks are now
ubiquitous and analyze massive amounts of audio, image, video, text and graph
data, with applications in automatic translation, speech-to-text, scene
understanding, ranking user preferences, ad placement, etc. Competing
frameworks for building these networks such as TensorFlow, Chainer, CNTK,
Torch/PyTorch, Caffe1/2, MXNet and Theano, explore different tradeoffs between
usability and expressiveness, research or production orientation and supported
hardware. They operate on a DAG of computational operators, wrapping
high-performance libraries such as CUDNN (for NVIDIA GPUs) or NNPACK (for
various CPUs), and automate memory allocation, synchronization, distribution.
Custom operators are needed where the computation does not fit existing
high-performance library calls, usually at a high engineering cost. This is
frequently required when new operators are invented by researchers: such
operators suffer a severe performance penalty, which limits the pace of
innovation. Furthermore, even if there is an existing runtime call these
frameworks can use, it often doesn't offer optimal performance for a user's
particular network architecture and dataset, missing optimizations between
operators as well as optimizations that can be done knowing the size and shape
of data. Our contributions include (1) a language close to the mathematics of
deep learning called Tensor Comprehensions, (2) a polyhedral Just-In-Time
compiler to convert a mathematical description of a deep learning DAG into a
CUDA kernel with delegated memory management and synchronization, also
providing optimizations such as operator fusion and specialization for specific
sizes, (3) a compilation cache populated by an autotuner. [Abstract cutoff]
|
Substation Signal Matching with a Bagged Token Classifier | Currently, engineers at substation service providers match customer data with
the corresponding internally used signal names manually. This paper proposes a
machine learning method to automate this process based on substation signal
mapping data from a repository of executed projects. To this end, a bagged
token classifier is proposed, letting words (tokens) in the customer signal
name vote for provider signal names. In our evaluation, the proposed method
exhibits better performance in terms of both accuracy and efficiency over
standard classifiers.
|
Deep Learning for Decoding of Linear Codes - A Syndrome-Based Approach | We present a novel framework for applying deep neural networks (DNN) to soft
decoding of linear codes at arbitrary block lengths. Unlike other approaches,
our framework allows unconstrained DNN design, enabling the free application of
powerful designs that were developed in other contexts. Our method is robust to
overfitting that inhibits many competing methods, which follows from the
exponentially large number of codewords required for their training. We achieve
this by transforming the channel output before feeding it to the network,
extracting only the syndrome of the hard decisions and the channel output
reliabilities. We prove analytically that this approach does not involve any
intrinsic performance penalty, and guarantees the generalization of performance
obtained during training. Our best results are obtained using a recurrent
neural network (RNN) architecture combined with simple preprocessing by
permutation. We provide simulation results that demonstrate performance that
sometimes approaches that of the ordered statistics decoding (OSD) algorithm.
|
Quantifying Uncertainty in Discrete-Continuous and Skewed Data with
Bayesian Deep Learning | Deep Learning (DL) methods have been transforming computer vision with
innovative adaptations to other domains including climate change. For DL to
pervade Science and Engineering (S&E) applications where risk management is a
core component, well-characterized uncertainty estimates must accompany
predictions. However, S&E observations and model-simulations often follow
heavily skewed distributions and are not well modeled with DL approaches, since
they usually optimize a Gaussian, or Euclidean, likelihood loss. Recent
developments in Bayesian Deep Learning (BDL), which attempts to capture
uncertainties from noisy observations, aleatoric, and from unknown model
parameters, epistemic, provide us a foundation. Here we present a
discrete-continuous BDL model with Gaussian and lognormal likelihoods for
uncertainty quantification (UQ). We demonstrate the approach by developing UQ
estimates on `DeepSD', a super-resolution based DL model for Statistical
Downscaling (SD) in climate applied to precipitation, which follows an
extremely skewed distribution. We find that the discrete-continuous models
outperform a basic Gaussian distribution in terms of predictive accuracy and
uncertainty calibration. Furthermore, we find that the lognormal distribution,
which can handle skewed distributions, produces quality uncertainty estimates
at the extremes. Such results may be important across S&E, as well as other
domains such as finance and economics, where extremes are often of significant
interest. Furthermore, to our knowledge, this is the first UQ model in SD where
both aleatoric and epistemic uncertainties are characterized.
|
Progressive Reinforcement Learning with Distillation for Multi-Skilled
Motion Control | Deep reinforcement learning has demonstrated increasing capabilities for
continuous control problems, including agents that can move with skill and
agility through their environment. An open problem in this setting is that of
developing good strategies for integrating or merging policies for multiple
skills, where each individual skill is a specialist in a specific skill and its
associated state distribution. We extend policy distillation methods to the
continuous action setting and leverage this technique to combine expert
policies, as evaluated in the domain of simulated bipedal locomotion across
different classes of terrain. We also introduce an input injection method for
augmenting an existing policy network to exploit new input features. Lastly,
our method uses transfer learning to assist in the efficient acquisition of new
skills. The combination of these methods allows a policy to be incrementally
augmented with new skills. We compare our progressive learning and integration
via distillation (PLAID) method against three alternative baselines.
|
DataBright: Towards a Global Exchange for Decentralized Data Ownership
and Trusted Computation | It is safe to assume that, for the foreseeable future, machine learning,
especially deep learning will remain both data- and computation-hungry. In this
paper, we ask: Can we build a global exchange where everyone can contribute
computation and data to train the next generation of machine learning
applications?
We present an early, but running prototype of DataBright, a system that turns
the creation of training examples and the sharing of computation into an
investment mechanism. Unlike most crowdsourcing platforms, where the
contributor gets paid when they submit their data, DataBright pays dividends
whenever a contributor's data or hardware is used by someone to train a machine
learning model. The contributor becomes a shareholder in the dataset they
created. To enable the measurement of usage, a computation platform that
contributors can trust is also necessary. DataBright thus merges both a data
market and a trusted computation market.
We illustrate that trusted computation can enable the creation of an AI
market, where each data point has an exact value that should be paid to its
creator. DataBright allows data creators to retain ownership of their
contribution and attaches to it a measurable value. The value of the data is
given by its utility in subsequent distributed computation done on the
DataBright computation market. The computation market allocates tasks and
subsequent payments to pooled hardware. This leads to the creation of a
decentralized AI cloud. Our experiments show that trusted hardware such as
Intel SGX can be added to the usual ML pipeline with no additional costs. We
use this setting to orchestrate distributed computation that enables the
creation of a computation market. DataBright is available for download at
https://github.com/ds3lab/databright.
|
Improving Quadrature for Constrained Integrands | We present an improved Bayesian framework for performing inference of affine
transformations of constrained functions. We focus on quadrature with
nonnegative functions, a common task in Bayesian inference. We consider
constraints on the range of the function of interest, such as nonnegativity or
boundedness. Although our framework is general, we derive explicit
approximation schemes for these constraints, and argue for the use of a log
transformation for functions with high dynamic range such as likelihood
surfaces. We propose a novel method for optimizing hyperparameters in this
framework: we optimize the marginal likelihood in the original space, as
opposed to in the transformed space. The result is a model that better explains
the actual data. Experiments on synthetic and real-world data demonstrate our
framework achieves superior estimates using less wall-clock time than existing
Bayesian quadrature procedures.
|
Stochastic Variance-Reduced Hamilton Monte Carlo Methods | We propose a fast stochastic Hamilton Monte Carlo (HMC) method, for sampling
from a smooth and strongly log-concave distribution. At the core of our
proposed method is a variance reduction technique inspired by the recent
advance in stochastic optimization. We show that, to achieve $\epsilon$
accuracy in 2-Wasserstein distance, our algorithm achieves $\tilde
O(n+\kappa^{2}d^{1/2}/\epsilon+\kappa^{4/3}d^{1/3}n^{2/3}/\epsilon^{2/3})$
gradient complexity (i.e., number of component gradient evaluations), which
outperforms the state-of-the-art HMC and stochastic gradient HMC methods in a
wide regime. We also extend our algorithm for sampling from smooth and general
log-concave distributions, and prove the corresponding gradient complexity as
well. Experiments on both synthetic and real data demonstrate the superior
performance of our algorithm.
|
Stochastic Variance-Reduced Cubic Regularized Newton Method | We propose a stochastic variance-reduced cubic regularized Newton method for
non-convex optimization. At the core of our algorithm is a novel
semi-stochastic gradient along with a semi-stochastic Hessian, which are
specifically designed for cubic regularization method. We show that our
algorithm is guaranteed to converge to an
$(\epsilon,\sqrt{\epsilon})$-approximately local minimum within
$\tilde{O}(n^{4/5}/\epsilon^{3/2})$ second-order oracle calls, which
outperforms the state-of-the-art cubic regularization algorithms including
subsampled cubic regularization. Our work also sheds light on the application
of variance reduction technique to high-order non-convex optimization methods.
Thorough experiments on various non-convex optimization problems support our
theory.
|
TVM: An Automated End-to-End Optimizing Compiler for Deep Learning | There is an increasing need to bring machine learning to a wide diversity of
hardware devices. Current frameworks rely on vendor-specific operator libraries
and optimize for a narrow range of server-class GPUs. Deploying workloads to
new platforms -- such as mobile phones, embedded devices, and accelerators
(e.g., FPGAs, ASICs) -- requires significant manual effort. We propose TVM, a
compiler that exposes graph-level and operator-level optimizations to provide
performance portability to deep learning workloads across diverse hardware
back-ends. TVM solves optimization challenges specific to deep learning, such
as high-level operator fusion, mapping to arbitrary hardware primitives, and
memory latency hiding. It also automates optimization of low-level programs to
hardware characteristics by employing a novel, learning-based cost modeling
method for rapid exploration of code optimizations. Experimental results show
that TVM delivers performance across hardware back-ends that are competitive
with state-of-the-art, hand-tuned libraries for low-power CPU, mobile GPU, and
server-class GPUs. We also demonstrate TVM's ability to target new accelerator
back-ends, such as the FPGA-based generic deep learning accelerator. The system
is open sourced and in production use inside several major companies.
|
Evolved Policy Gradients | We propose a metalearning approach for learning gradient-based reinforcement
learning (RL) algorithms. The idea is to evolve a differentiable loss function,
such that an agent, which optimizes its policy to minimize this loss, will
achieve high rewards. The loss is parametrized via temporal convolutions over
the agent's experience. Because this loss is highly flexible in its ability to
take into account the agent's history, it enables fast task learning. Empirical
results show that our evolved policy gradient algorithm (EPG) achieves faster
learning on several randomized environments compared to an off-the-shelf policy
gradient method. We also demonstrate that EPG's learned loss can generalize to
out-of-distribution test time tasks, and exhibits qualitatively different
behavior from other popular metalearning algorithms.
|
Identify Susceptible Locations in Medical Records via Adversarial
Attacks on Deep Predictive Models | The surging availability of electronic medical records (EHR) leads to
increased research interests in medical predictive modeling. Recently many deep
learning based predicted models are also developed for EHR data and
demonstrated impressive performance. However, a series of recent studies showed
that these deep models are not safe: they suffer from certain vulnerabilities.
In short, a well-trained deep network can be extremely sensitive to inputs with
negligible changes. These inputs are referred to as adversarial examples. In
the context of medical informatics, such attacks could alter the result of a
high performance deep predictive model by slightly perturbing a patient's
medical records. Such instability not only reflects the weakness of deep
architectures, more importantly, it offers guide on detecting susceptible parts
on the inputs. In this paper, we propose an efficient and effective framework
that learns a time-preferential minimum attack targeting the LSTM model with
EHR inputs, and we leverage this attack strategy to screen medical records of
patients and identify susceptible events and measurements. The efficient
screening procedure can assist decision makers to pay extra attentions to the
locations that can cause severe consequence if not measured correctly. We
conduct extensive empirical studies on a real-world urgent care cohort and
demonstrate the effectiveness of the proposed screening approach.
|
Leveraging the Exact Likelihood of Deep Latent Variable Models | Deep latent variable models (DLVMs) combine the approximation abilities of
deep neural networks and the statistical foundations of generative models.
Variational methods are commonly used for inference; however, the exact
likelihood of these models has been largely overlooked. The purpose of this
work is to study the general properties of this quantity and to show how they
can be leveraged in practice. We focus on important inferential problems that
rely on the likelihood: estimation and missing data imputation. First, we
investigate maximum likelihood estimation for DLVMs: in particular, we show
that most unconstrained models used for continuous data have an unbounded
likelihood function. This problematic behaviour is demonstrated to be a source
of mode collapse. We also show how to ensure the existence of maximum
likelihood estimates, and draw useful connections with nonparametric mixture
models. Finally, we describe an algorithm for missing data imputation using the
exact conditional likelihood of a deep latent variable model. On several data
sets, our algorithm consistently and significantly outperforms the usual
imputation scheme used for DLVMs.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.