title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
BubbleRank: Safe Online Learning to Re-Rank via Implicit Click Feedback
|
In this paper, we study the problem of safe online learning to re-rank, where
user feedback is used to improve the quality of displayed lists. Learning to
rank has traditionally been studied in two settings. In the offline setting,
rankers are typically learned from relevance labels created by judges. This
approach has generally become standard in industrial applications of ranking,
such as search. However, this approach lacks exploration and thus is limited by
the information content of the offline training data. In the online setting, an
algorithm can experiment with lists and learn from feedback on them in a
sequential fashion. Bandit algorithms are well-suited for this setting but they
tend to learn user preferences from scratch, which results in a high initial
cost of exploration. This poses an additional challenge of safe exploration in
ranked lists. We propose BubbleRank, a bandit algorithm for safe re-ranking
that combines the strengths of both the offline and online settings. The
algorithm starts with an initial base list and improves it online by gradually
exchanging higher-ranked less attractive items for lower-ranked more attractive
items. We prove an upper bound on the n-step regret of BubbleRank that degrades
gracefully with the quality of the initial base list. Our theoretical findings
are supported by extensive experiments on a large-scale real-world click
dataset.
|
Primal-dual residual networks
|
In this work, we propose a deep neural network architecture motivated by
primal-dual splitting methods from convex optimization. We show theoretically
that there exists a close relation between the derived architecture and
residual networks, and further investigate this connection in numerical
experiments. Moreover, we demonstrate how our approach can be used to unroll
optimization algorithms for certain problems with hard constraints. Using the
example of speech dequantization, we show that our method can outperform
classical splitting methods when both are applied to the same task.
|
Three dimensional Deep Learning approach for remote sensing image
classification
|
Recently, a variety of approaches has been enriching the field of Remote
Sensing (RS) image processing and analysis. Unfortunately, existing methods
remain limited faced to the rich spatio-spectral content of today's large
datasets. It would seem intriguing to resort to Deep Learning (DL) based
approaches at this stage with regards to their ability to offer accurate
semantic interpretation of the data. However, the specificity introduced by the
coexistence of spectral and spatial content in the RS datasets widens the scope
of the challenges presented to adapt DL methods to these contexts. Therefore,
the aim of this paper is firstly to explore the performance of DL architectures
for the RS hyperspectral dataset classification and secondly to introduce a new
three-dimensional DL approach that enables a joint spectral and spatial
information process. A set of three-dimensional schemes is proposed and
evaluated. Experimental results based on well knownhyperspectral datasets
demonstrate that the proposed method is able to achieve a better classification
rate than state of the art methods with lower computational costs.
|
On the exact minimization of saturated loss functions for robust
regression and subspace estimation
|
This paper deals with robust regression and subspace estimation and more
precisely with the problem of minimizing a saturated loss function. In
particular, we focus on computational complexity issues and show that an exact
algorithm with polynomial time-complexity with respect to the number of data
can be devised for robust regression and subspace estimation. This result is
obtained by adopting a classification point of view and relating the problems
to the search for a linear model that can approximate the maximal number of
points with a given error. Approximate variants of the algorithms based on
ramdom sampling are also discussed and experiments show that it offers an
accuracy gain over the traditional RANSAC for a similar algorithmic simplicity.
|
DeepLaser: Practical Fault Attack on Deep Neural Networks
|
As deep learning systems are widely adopted in safety- and security-critical
applications, such as autonomous vehicles, banking systems, etc., malicious
faults and attacks become a tremendous concern, which potentially could lead to
catastrophic consequences. In this paper, we initiate the first study of
leveraging physical fault injection attacks on Deep Neural Networks (DNNs), by
using laser injection technique on embedded systems. In particular, our
exploratory study targets four widely used activation functions in DNNs
development, that are the general main building block of DNNs that creates
non-linear behaviors -- ReLu, softmax, sigmoid, and tanh. Our results show that
by targeting these functions, it is possible to achieve a misclassification by
injecting faults into the hidden layer of the network. Such result can have
practical implications for real-world applications, where faults can be
introduced by simpler means (such as altering the supply voltage).
|
Data-Efficient Design Exploration through Surrogate-Assisted
Illumination
|
Design optimization techniques are often used at the beginning of the design
process to explore the space of possible designs. In these domains illumination
algorithms, such as MAP-Elites, are promising alternatives to classic
optimization algorithms because they produce diverse, high-quality solutions in
a single run, instead of only a single near-optimal solution. Unfortunately,
these algorithms currently require a large number of function evaluations,
limiting their applicability. In this article we introduce a new illumination
algorithm, Surrogate-Assisted Illumination (SAIL), that leverages surrogate
modeling techniques to create a map of the design space according to
user-defined features while minimizing the number of fitness evaluations. On a
2-dimensional airfoil optimization problem SAIL produces hundreds of diverse
but high-performing designs with several orders of magnitude fewer evaluations
than MAP-Elites or CMA-ES. We demonstrate that SAIL is also capable of
producing maps of high-performing designs in realistic 3-dimensional
aerodynamic tasks with an accurate flow simulation. Data-efficient design
exploration with SAIL can help designers understand what is possible, beyond
what is optimal, by considering more than pure objective-based optimization.
|
Financial Risk and Returns Prediction with Modular Networked Learning
|
An artificial agent for financial risk and returns' prediction is built with
a modular cognitive system comprised of interconnected recurrent neural
networks, such that the agent learns to predict the financial returns, and
learns to predict the squared deviation around these predicted returns. These
two expectations are used to build a volatility-sensitive interval prediction
for financial returns, which is evaluated on three major financial indices and
shown to be able to predict financial returns with higher than 80% success rate
in interval prediction in both training and testing, raising into question the
Efficient Market Hypothesis. The agent is introduced as an example of a class
of artificial intelligent systems that are equipped with a Modular Networked
Learning cognitive system, defined as an integrated networked system of machine
learning modules, where each module constitutes a functional unit that is
trained for a given specific task that solves a subproblem of a complex main
problem expressed as a network of linked subproblems. In the case of neural
networks, these systems function as a form of an "artificial brain", where each
module is like a specialized brain region comprised of a neural network with a
specific architecture.
|
Learning Front-end Filter-bank Parameters using Convolutional Neural
Networks for Abnormal Heart Sound Detection
|
Automatic heart sound abnormality detection can play a vital role in the
early diagnosis of heart diseases, particularly in low-resource settings. The
state-of-the-art algorithms for this task utilize a set of Finite Impulse
Response (FIR) band-pass filters as a front-end followed by a Convolutional
Neural Network (CNN) model. In this work, we propound a novel CNN architecture
that integrates the front-end bandpass filters within the network using
time-convolution (tConv) layers, which enables the FIR filter-bank parameters
to become learnable. Different initialization strategies for the learnable
filters, including random parameters and a set of predefined FIR filter-bank
coefficients, are examined. Using the proposed tConv layers, we add constraints
to the learnable FIR filters to ensure linear and zero phase responses.
Experimental evaluations are performed on a balanced 4-fold cross-validation
task prepared using the PhysioNet/CinC 2016 dataset. Results demonstrate that
the proposed models yield superior performance compared to the state-of-the-art
system, while the linear phase FIR filterbank method provides an absolute
improvement of 9.54% over the baseline in terms of an overall accuracy metric.
|
Mining Rank Data
|
The problem of frequent pattern mining has been studied quite extensively for
various types of data, including sets, sequences, and graphs. Somewhat
surprisingly, another important type of data, namely rank data, has received
very little attention in data mining so far. In this paper, we therefore
addresses the problem of mining rank data, that is, data in the form of
rankings (total orders) of an underlying set of items. More specifically, two
types of patterns are considered, namely frequent rankings and dependencies
between such rankings in the form of association rules. Algorithms for mining
frequent rankings and frequent closed rankings are proposed and tested
experimentally, using both synthetic and real data.
|
Query K-means Clustering and the Double Dixie Cup Problem
|
We consider the problem of approximate $K$-means clustering with outliers and
side information provided by same-cluster queries and possibly noisy answers.
Our solution shows that, under some mild assumptions on the smallest cluster
size, one can obtain an $(1+\epsilon)$-approximation for the optimal potential
with probability at least $1-\delta$, where $\epsilon>0$ and $\delta\in(0,1)$,
using an expected number of $O(\frac{K^3}{\epsilon \delta})$ noiseless
same-cluster queries and comparison-based clustering of complexity $O(ndK +
\frac{K^3}{\epsilon \delta})$, here, $n$ denotes the number of points and $d$
the dimension of space. Compared to a handful of other known approaches that
perform importance sampling to account for small cluster sizes, the proposed
query technique reduces the number of queries by a factor of roughly
$O(\frac{K^6}{\epsilon^3})$, at the cost of possibly missing very small
clusters. We extend this settings to the case where some queries to the oracle
produce erroneous information, and where certain points, termed outliers, do
not belong to any clusters. Our proof techniques differ from previous methods
used for $K$-means clustering analysis, as they rely on estimating the sizes of
the clusters and the number of points needed for accurate centroid estimation
and subsequent nontrivial generalizations of the double Dixie cup problem. We
illustrate the performance of the proposed algorithm both on synthetic and real
datasets, including MNIST and CIFAR $10$.
|
Controllable Semantic Image Inpainting
|
We develop a method for user-controllable semantic image inpainting: Given an
arbitrary set of observed pixels, the unobserved pixels can be imputed in a
user-controllable range of possibilities, each of which is semantically
coherent and locally consistent with the observed pixels. We achieve this using
a deep generative model bringing together: an encoder which can encode an
arbitrary set of observed pixels, latent variables which are trained to
represent disentangled factors of variations, and a bidirectional PixelCNN
model. We experimentally demonstrate that our method can generate plausible
inpainting results matching the user-specified semantics, but is still coherent
with observed pixels. We justify our choices of architecture and training
regime through more experiments.
|
From probabilistic graphical models to generalized tensor networks for
supervised learning
|
Tensor networks have found a wide use in a variety of applications in physics
and computer science, recently leading to both theoretical insights as well as
practical algorithms in machine learning. In this work we explore the
connection between tensor networks and probabilistic graphical models, and show
that it motivates the definition of generalized tensor networks where
information from a tensor can be copied and reused in other parts of the
network. We discuss the relationship between generalized tensor network
architectures used in quantum physics, such as string-bond states, and
architectures commonly used in machine learning. We provide an algorithm to
train these networks in a supervised-learning context and show that they
overcome the limitations of regular tensor networks in higher dimensions, while
keeping the computation efficient. A method to combine neural networks and
tensor networks as part of a common deep learning architecture is also
introduced. We benchmark our algorithm for several generalized tensor network
architectures on the task of classifying images and sounds, and show that they
outperform previously introduced tensor-network algorithms. The models we
consider also have a natural implementation on a quantum computer and may guide
the development of near-term quantum machine learning architectures.
|
Structured Variational Learning of Bayesian Neural Networks with
Horseshoe Priors
|
Bayesian Neural Networks (BNNs) have recently received increasing attention
for their ability to provide well-calibrated posterior uncertainties. However,
model selection---even choosing the number of nodes---remains an open question.
Recent work has proposed the use of a horseshoe prior over node pre-activations
of a Bayesian neural network, which effectively turns off nodes that do not
help explain the data. In this work, we propose several modeling and inference
advances that consistently improve the compactness of the model learned while
maintaining predictive performance, especially in smaller-sample settings
including reinforcement learning.
|
Uncertainty Estimations by Softplus normalization in Bayesian
Convolutional Neural Networks with Variational Inference
|
We introduce a novel uncertainty estimation for classification tasks for
Bayesian convolutional neural networks with variational inference. By
normalizing the output of a Softplus function in the final layer, we estimate
aleatoric and epistemic uncertainty in a coherent manner. The intractable
posterior probability distributions over weights are inferred by Bayes by
Backprop. Firstly, we demonstrate how this reliable variational inference
method can serve as a fundamental construct for various network architectures.
On multiple datasets in supervised learning settings (MNIST, CIFAR-10,
CIFAR-100), this variational inference method achieves performances equivalent
to frequentist inference in identical architectures, while the two desiderata,
a measure for uncertainty and regularization are incorporated naturally.
Secondly, we examine how our proposed measure for aleatoric and epistemic
uncertainties is derived and validate it on the aforementioned datasets.
|
On Machine Learning and Structure for Mobile Robots
|
Due to recent advances - compute, data, models - the role of learning in
autonomous systems has expanded significantly, rendering new applications
possible for the first time. While some of the most significant benefits are
obtained in the perception modules of the software stack, other aspects
continue to rely on known manual procedures based on prior knowledge on
geometry, dynamics, kinematics etc. Nonetheless, learning gains relevance in
these modules when data collection and curation become easier than manual rule
design. Building on this coarse and broad survey of current research, the final
sections aim to provide insights into future potentials and challenges as well
as the necessity of structure in current practical applications.
|
Homonym Detection in Curated Bibliographies: Learning from dblp's
Experience (full version)
|
Identifying (and fixing) homonymous and synonymous author profiles is one of
the major tasks of curating personalized bibliographic metadata repositories
like the dblp computer science bibliography. In this paper, we present and
evaluate a machine learning approach to identify homonymous author
bibliographies using a simple multilayer perceptron setup. We train our model
on a novel gold-standard data set derived from the past years of active, manual
curation at the dblp computer science bibliography.
|
Computationally Efficient Estimation of the Spectral Gap of a Markov
Chain
|
We consider the problem of estimating from sample paths the absolute spectral
gap $\gamma_*$ of a reversible, irreducible and aperiodic Markov chain
$(X_t)_{t \in \mathbb{N}}$ over a finite state space $\Omega$. We propose the
${\tt UCPI}$ (Upper Confidence Power Iteration) algorithm for this problem, a
low-complexity algorithm which estimates the spectral gap in time ${\cal O}(n)$
and memory space ${\cal O}((\ln n)^2)$ given $n$ samples. This is in stark
contrast with most known methods which require at least memory space ${\cal
O}(|\Omega|)$, so that they cannot be applied to large state spaces.
Furthermore, ${\tt UCPI}$ is amenable to parallel implementation.
|
Classification with Fairness Constraints: A Meta-Algorithm with Provable
Guarantees
|
Developing classification algorithms that are fair with respect to sensitive
attributes of the data has become an important problem due to the growing
deployment of classification algorithms in various social contexts. Several
recent works have focused on fairness with respect to a specific metric,
modeled the corresponding fair classification problem as a constrained
optimization problem, and developed tailored algorithms to solve them. Despite
this, there still remain important metrics for which we do not have fair
classifiers and many of the aforementioned algorithms do not come with
theoretical guarantees; perhaps because the resulting optimization problem is
non-convex. The main contribution of this paper is a new meta-algorithm for
classification that takes as input a large class of fairness constraints, with
respect to multiple non-disjoint sensitive attributes, and which comes with
provable guarantees. This is achieved by first developing a meta-algorithm for
a large family of classification problems with convex constraints, and then
showing that classification problems with general types of fairness constraints
can be reduced to those in this family. We present empirical results that show
that our algorithm can achieve near-perfect fairness with respect to various
fairness metrics, and that the loss in accuracy due to the imposed fairness
constraints is often small. Overall, this work unifies several prior works on
fair classification, presents a practical algorithm with theoretical
guarantees, and can handle fairness metrics that were previously not possible.
|
Probabilistic Trajectory Segmentation by Means of Hierarchical Dirichlet
Process Switching Linear Dynamical Systems
|
Using movement primitive libraries is an effective means to enable robots to
solve more complex tasks. In order to build these movement libraries, current
algorithms require a prior segmentation of the demonstration trajectories. A
promising approach is to model the trajectory as being generated by a set of
Switching Linear Dynamical Systems and inferring a meaningful segmentation by
inspecting the transition points characterized by the switching dynamics. With
respect to the learning, a nonparametric Bayesian approach is employed
utilizing a Gibbs sampler.
|
Detecting Dead Weights and Units in Neural Networks
|
Deep Neural Networks are highly over-parameterized and the size of the neural
networks can be reduced significantly after training without any decrease in
performance. One can clearly see this phenomenon in a wide range of
architectures trained for various problems. Weight/channel pruning,
distillation, quantization, matrix factorization are some of the main methods
one can use to remove the redundancy to come up with smaller and faster models.
This work starts with a short informative chapter, where we motivate the
pruning idea and provide the necessary notation. In the second chapter, we
compare various saliency scores in the context of parameter pruning. Using the
insights obtained from this comparison and stating the problems it brings we
motivate why pruning units instead of the individual parameters might be a
better idea. We propose some set of definitions to quantify and analyze units
that don't learn and create any useful information. We propose an efficient way
for detecting dead units and use it to select which units to prune. We get 5x
model size reduction through unit-wise pruning on MNIST.
|
Minibatch Gibbs Sampling on Large Graphical Models
|
Gibbs sampling is the de facto Markov chain Monte Carlo method used for
inference and learning on large scale graphical models. For complicated factor
graphs with lots of factors, the performance of Gibbs sampling can be limited
by the computational cost of executing a single update step of the Markov
chain. This cost is proportional to the degree of the graph, the number of
factors adjacent to each variable. In this paper, we show how this cost can be
reduced by using minibatching: subsampling the factors to form an estimate of
their sum. We introduce several minibatched variants of Gibbs, show that they
can be made unbiased, prove bounds on their convergence rates, and show that
under some conditions they can result in asymptotic single-update-run-time
speedups over plain Gibbs sampling.
|
Crime Event Embedding with Unsupervised Feature Selection
|
We present a novel event embedding algorithm for crime data that can jointly
capture time, location, and the complex free-text component of each event. The
embedding is achieved by regularized Restricted Boltzmann Machines (RBMs), and
we introduce a new way to regularize by imposing a $\ell_1$ penalty on the
conditional distributions of the observed variables of RBMs. This choice of
regularization performs feature selection and it also leads to efficient
computation since the gradient can be computed in a closed form. The feature
selection forces embedding to be based on the most important keywords, which
captures the common modus operandi (M. O.) in crime series. Using numerical
experiments on a large-scale crime dataset, we show that our regularized RBMs
can achieve better event embedding and the selected features are highly
interpretable from human understanding.
|
The Limits of Post-Selection Generalization
|
While statistics and machine learning offers numerous methods for ensuring
generalization, these methods often fail in the presence of adaptivity---the
common practice in which the choice of analysis depends on previous
interactions with the same dataset. A recent line of work has introduced
powerful, general purpose algorithms that ensure post hoc generalization (also
called robust or post-selection generalization), which says that, given the
output of the algorithm, it is hard to find any statistic for which the data
differs significantly from the population it came from.
In this work we show several limitations on the power of algorithms
satisfying post hoc generalization. First, we show a tight lower bound on the
error of any algorithm that satisfies post hoc generalization and answers
adaptively chosen statistical queries, showing a strong barrier to progress in
post selection data analysis. Second, we show that post hoc generalization is
not closed under composition, despite many examples of such algorithms
exhibiting strong composition properties.
|
Non-Negative Networks Against Adversarial Attacks
|
Adversarial attacks against neural networks are a problem of considerable
importance, for which effective defenses are not yet readily available. We make
progress toward this problem by showing that non-negative weight constraints
can be used to improve resistance in specific scenarios. In particular, we show
that they can provide an effective defense for binary classification problems
with asymmetric cost, such as malware or spam detection. We also show the
potential for non-negativity to be helpful to non-binary problems by applying
it to image classification.
|
Stochastic WaveNet: A Generative Latent Variable Model for Sequential
Data
|
How to model distribution of sequential data, including but not limited to
speech and human motions, is an important ongoing research problem. It has been
demonstrated that model capacity can be significantly enhanced by introducing
stochastic latent variables in the hidden states of recurrent neural networks.
Simultaneously, WaveNet, equipped with dilated convolutions, achieves
astonishing empirical performance in natural speech generation task. In this
paper, we combine the ideas from both stochastic latent variables and dilated
convolutions, and propose a new architecture to model sequential data, termed
as Stochastic WaveNet, where stochastic latent variables are injected into the
WaveNet structure. We argue that Stochastic WaveNet enjoys powerful
distribution modeling capacity and the advantage of parallel training from
dilated convolutions. In order to efficiently infer the posterior distribution
of the latent variables, a novel inference network structure is designed based
on the characteristics of WaveNet architecture. State-of-the-art performances
on benchmark datasets are obtained by Stochastic WaveNet on natural speech
modeling and high quality human handwriting samples can be generated as well.
|
Machine learning for prediction of extreme statistics in modulation
instability
|
A central area of research in nonlinear science is the study of instabilities
that drive the emergence of extreme events. Unfortunately, experimental
techniques for measuring such phenomena often provide only partial
characterization. For example, real-time studies of instabilities in nonlinear
fibre optics frequently use only spectral data, precluding detailed predictions
about the associated temporal properties. Here, we show how Machine Learning
can overcome this limitation by predicting statistics for the maximum intensity
of temporal peaks in modulation instability based only on spectral
measurements. Specifically, we train a neural network based Machine Learning
model to correlate spectral and temporal properties of optical fibre modulation
instability using data from numerical simulations, and we then use this model
to predict the temporal probability distribution based on high-dynamic range
spectral data from experiments. These results open novel perspectives in all
systems exhibiting chaos and instability where direct time-domain observations
are difficult.
|
Fairness Under Composition
|
Algorithmic fairness, and in particular the fairness of scoring and
classification algorithms, has become a topic of increasing social concern and
has recently witnessed an explosion of research in theoretical computer
science, machine learning, statistics, the social sciences, and law. Much of
the literature considers the case of a single classifier (or scoring function)
used once, in isolation. In this work, we initiate the study of the fairness
properties of systems composed of algorithms that are fair in isolation; that
is, we study fairness under composition. We identify pitfalls of naive
composition and give general constructions for fair composition, demonstrating
both that classifiers that are fair in isolation do not necessarily compose
into fair systems and also that seemingly unfair components may be carefully
combined to construct fair systems. We focus primarily on the individual
fairness setting proposed in [Dwork, Hardt, Pitassi, Reingold, Zemel, 2011],
but also extend our results to a large class of group fairness definitions
popular in the recent literature, exhibiting several cases in which group
fairness definitions give misleading signals under composition.
|
On the Relationship between Data Efficiency and Error for Uncertainty
Sampling
|
While active learning offers potential cost savings, the actual data
efficiency---the reduction in amount of labeled data needed to obtain the same
error rate---observed in practice is mixed. This paper poses a basic question:
when is active learning actually helpful? We provide an answer for logistic
regression with the popular active learning algorithm, uncertainty sampling.
Empirically, on 21 datasets from OpenML, we find a strong inverse correlation
between data efficiency and the error rate of the final classifier.
Theoretically, we show that for a variant of uncertainty sampling, the
asymptotic data efficiency is within a constant factor of the inverse error
rate of the limiting classifier.
|
Supervised Fuzzy Partitioning
|
Centroid-based methods including k-means and fuzzy c-means are known as
effective and easy-to-implement approaches to clustering purposes in many
applications. However, these algorithms cannot be directly applied to
supervised tasks. This paper thus presents a generative model extending the
centroid-based clustering approach to be applicable to classification and
regression tasks. Given an arbitrary loss function, the proposed approach,
termed Supervised Fuzzy Partitioning (SFP), incorporates labels information
into its objective function through a surrogate term penalizing the empirical
risk. Entropy-based regularization is also employed to fuzzify the partition
and to weight features, enabling the method to capture more complex patterns,
identify significant features, and yield better performance facing
high-dimensional data. An iterative algorithm based on block coordinate descent
scheme is formulated to efficiently find a local optimum. Extensive
classification experiments on synthetic, real-world, and high-dimensional
datasets demonstrate that the predictive performance of SFP is competitive with
state-of-the-art algorithms such as SVM and random forest. SFP has a major
advantage over such methods, in that it not only leads to a flexible, nonlinear
model but also can exploit any convex loss function in the training phase
without compromising computational efficiency.
|
Possibility results for graph clustering: A novel consistency axiom
|
Kleinberg introduced three natural clustering properties, or axioms, and
showed they cannot be simultaneously satisfied by any clustering algorithm. We
present a new clustering property, Monotonic Consistency, which avoids the
well-known problematic behaviour of Kleinberg's Consistency axiom, and the
impossibility result. Namely, we describe a clustering algorithm, Morse
Clustering, inspired by Morse Theory in Differential Topology, which satisfies
Kleinberg's original axioms with Consistency replaced by Monotonic Consistency.
Morse clustering uncovers the underlying flow structure on a set or graph and
returns a partition into trees representing basins of attraction of critical
vertices. We also generalise Kleinberg's axiomatic approach to sparse graphs,
showing an impossibility result for Consistency, and a possibility result for
Monotonic Consistency and Morse clustering.
|
Kernel machines that adapt to GPUs for effective large batch training
|
Modern machine learning models are typically trained using Stochastic
Gradient Descent (SGD) on massively parallel computing resources such as GPUs.
Increasing mini-batch size is a simple and direct way to utilize the parallel
computing capacity. For small batch an increase in batch size results in the
proportional reduction in the training time, a phenomenon known as linear
scaling. However, increasing batch size beyond a certain value leads to no
further improvement in training time. In this paper we develop the first
analytical framework that extends linear scaling to match the parallel
computing capacity of a resource. The framework is designed for a class of
classical kernel machines. It automatically modifies a standard kernel machine
to output a mathematically equivalent prediction function, yet allowing for
extended linear scaling, i.e., higher effective parallelization and faster
training time on given hardware.
The resulting algorithms are accurate, principled and very fast. For example,
using a single Titan Xp GPU, training on ImageNet with $1.3\times 10^6$ data
points and $1000$ labels takes under an hour, while smaller datasets, such as
MNIST, take seconds. As the parameters are chosen analytically, based on the
theoretical bounds, little tuning beyond selecting the kernel and the kernel
parameter is needed, further facilitating the practical use of these methods.
|
BaRC: Backward Reachability Curriculum for Robotic Reinforcement
Learning
|
Model-free Reinforcement Learning (RL) offers an attractive approach to learn
control policies for high-dimensional systems, but its relatively poor sample
complexity often forces training in simulated environments. Even in simulation,
goal-directed tasks whose natural reward function is sparse remain intractable
for state-of-the-art model-free algorithms for continuous control. The
bottleneck in these tasks is the prohibitive amount of exploration required to
obtain a learning signal from the initial state of the system. In this work, we
leverage physical priors in the form of an approximate system dynamics model to
design a curriculum scheme for a model-free policy optimization algorithm. Our
Backward Reachability Curriculum (BaRC) begins policy training from states that
require a small number of actions to accomplish the task, and expands the
initial state distribution backwards in a dynamically-consistent manner once
the policy optimization algorithm demonstrates sufficient performance. BaRC is
general, in that it can accelerate training of any model-free RL algorithm on a
broad class of goal-directed continuous control MDPs. Its curriculum strategy
is physically intuitive, easy-to-tune, and allows incorporating physical priors
to accelerate training without hindering the performance, flexibility, and
applicability of the model-free RL algorithm. We evaluate our approach on two
representative dynamic robotic learning problems and find substantial
performance improvement relative to previous curriculum generation techniques
and naive exploration strategies.
|
Learning Factorized Multimodal Representations
|
Learning multimodal representations is a fundamentally complex research
problem due to the presence of multiple heterogeneous sources of information.
Although the presence of multiple modalities provides additional valuable
information, there are two key challenges to address when learning from
multimodal data: 1) models must learn the complex intra-modal and cross-modal
interactions for prediction and 2) models must be robust to unexpected missing
or noisy modalities during testing. In this paper, we propose to optimize for a
joint generative-discriminative objective across multimodal data and labels. We
introduce a model that factorizes representations into two sets of independent
factors: multimodal discriminative and modality-specific generative factors.
Multimodal discriminative factors are shared across all modalities and contain
joint multimodal features required for discriminative tasks such as sentiment
prediction. Modality-specific generative factors are unique for each modality
and contain the information required for generating data. Experimental results
show that our model is able to learn meaningful multimodal representations that
achieve state-of-the-art or competitive performance on six multimodal datasets.
Our model demonstrates flexible generative capabilities by conditioning on
independent factors and can reconstruct missing modalities without
significantly impacting performance. Lastly, we interpret our factorized
representations to understand the interactions that influence multimodal
learning.
|
Handling Cold-Start Collaborative Filtering with Reinforcement Learning
|
A major challenge in recommender systems is handling new users, whom are also
called $\textit{cold-start}$ users. In this paper, we propose a novel approach
for learning an optimal series of questions with which to interview cold-start
users for movie recommender systems. We propose learning interview questions
using Deep Q Networks to create user profiles to make better recommendations to
cold-start users. While our proposed system is trained using a movie
recommender system, our Deep Q Network model should generalize across various
types of recommender systems.
|
Large Scale Fine-Grained Categorization and Domain-Specific Transfer
Learning
|
Transferring the knowledge learned from large scale datasets (e.g., ImageNet)
via fine-tuning offers an effective solution for domain-specific fine-grained
visual categorization (FGVC) tasks (e.g., recognizing bird species or car make
and model). In such scenarios, data annotation often calls for specialized
domain knowledge and thus is difficult to scale. In this work, we first tackle
a problem in large scale FGVC. Our method won first place in iNaturalist 2017
large scale species classification challenge. Central to the success of our
approach is a training scheme that uses higher image resolution and deals with
the long-tailed distribution of training data. Next, we study transfer learning
via fine-tuning from large scale datasets to small scale, domain-specific FGVC
datasets. We propose a measure to estimate domain similarity via Earth Mover's
Distance and demonstrate that transfer learning benefits from pre-training on a
source domain that is similar to the target domain by this measure. Our
proposed transfer learning outperforms ImageNet pre-training and obtains
state-of-the-art results on multiple commonly used FGVC datasets.
|
Meta-learning: searching in the model space
|
There is no free lunch, no single learning algorithm that will outperform
other algorithms on all data. In practice different approaches are tried and
the best algorithm selected. An alternative solution is to build new algorithms
on demand by creating a framework that accommodates many algorithms. The best
combination of parameters and procedures is searched here in the space of all
possible models belonging to the framework of Similarity-Based Methods (SBMs).
Such meta-learning approach gives a chance to find the best method in all
cases. Issues related to the meta-learning and first tests of this approach are
presented.
|
The Reduced PC-Algorithm: Improved Causal Structure Learning in Large
Random Networks
|
We consider the task of estimating a high-dimensional directed acyclic graph,
given observations from a linear structural equation model with arbitrary noise
distribution. By exploiting properties of common random graphs, we develop a
new algorithm that requires conditioning only on small sets of variables. The
proposed algorithm, which is essentially a modified version of the
PC-Algorithm, offers significant gains in both computational complexity and
estimation accuracy. In particular, it results in more efficient and accurate
estimation in large networks containing hub nodes, which are common in
biological systems. We prove the consistency of the proposed algorithm, and
show that it also requires a less stringent faithfulness assumption than the
PC-Algorithm. Simulations in low and high-dimensional settings are used to
illustrate these findings. An application to gene expression data suggests that
the proposed algorithm can identify a greater number of clinically relevant
genes than current methods.
|
Binary Classification in Unstructured Space With Hypergraph Case-Based
Reasoning
|
Binary classification is one of the most common problem in machine learning.
It consists in predicting whether a given element belongs to a particular
class. In this paper, a new algorithm for binary classification is proposed
using a hypergraph representation. The method is agnostic to data
representation, can work with multiple data sources or in non-metric spaces,
and accommodates with missing values. As a result, it drastically reduces the
need for data preprocessing or feature engineering. Each element to be
classified is partitioned according to its interactions with the training set.
For each class, a seminorm over the training set partition is learnt to
represent the distribution of evidence supporting this class.
Empirical validation demonstrates its high potential on a wide range of
well-known datasets and the results are compared to the state-of-the-art. The
time complexity is given and empirically validated. Its robustness with regard
to hyperparameter sensitivity is studied and compared to standard
classification methods. Finally, the limitation of the model space is
discussed, and some potential solutions proposed.
|
PeerReview4All: Fair and Accurate Reviewer Assignment in Peer Review
|
We consider the problem of automated assignment of papers to reviewers in
conference peer review, with a focus on fairness and statistical accuracy. Our
fairness objective is to maximize the review quality of the most disadvantaged
paper, in contrast to the commonly used objective of maximizing the total
quality over all papers. We design an assignment algorithm based on an
incremental max-flow procedure that we prove is near-optimally fair. Our
statistical accuracy objective is to ensure correct recovery of the papers that
should be accepted. We provide a sharp minimax analysis of the accuracy of the
peer-review process for a popular objective-score model as well as for a novel
subjective-score model that we propose in the paper. Our analysis proves that
our proposed assignment algorithm also leads to a near-optimal statistical
accuracy. Finally, we design a novel experiment that allows for an objective
comparison of various assignment algorithms, and overcomes the inherent
difficulty posed by the absence of a ground truth in experiments on
peer-review. The results of this experiment as well as of other experiments on
synthetic and real data corroborate the theoretical guarantees of our
algorithm.
|
DynMat, a network that can learn after learning
|
To survive in the dynamically-evolving world, we accumulate knowledge and
improve our skills based on experience. In the process, gaining new knowledge
does not disrupt our vigilance to external stimuli. In other words, our
learning process is 'accumulative' and 'online' without interruption. However,
despite the recent success, artificial neural networks (ANNs) must be trained
offline, and they suffer catastrophic interference between old and new
learning, indicating that ANNs' conventional learning algorithms may not be
suitable for building intelligent agents comparable to our brain. In this
study, we propose a novel neural network architecture (DynMat) consisting of
dual learning systems, inspired by the complementary learning system (CLS)
theory suggesting that the brain relies on short- and long-term learning
systems to learn continuously. Our experiments show that 1) DynMat can learn a
new class without catastrophic interference and 2) it does not strictly require
offline training.
|
On Strategyproof Conference Peer Review
|
We consider peer review in a conference setting where there is typically an
overlap between the set of reviewers and the set of authors. This overlap can
incentivize strategic reviews to influence the final ranking of one's own
papers. In this work, we address this problem through the lens of social
choice, and present a theoretical framework for strategyproof and efficient
peer review. We first present and analyze an algorithm for reviewer-assignment
and aggregation that guarantees strategyproofness and a natural efficiency
property called unanimity, when the authorship graph satisfies a simple
property. Our algorithm is based on the so-called partitioning method, and can
be thought as a generalization of this method to conference peer review
settings. We then empirically show that the requisite property on the
authorship graph is indeed satisfied in the submission data from the ICLR
conference, and further demonstrate a simple trick to make the partitioning
method more practically appealing for conference peer review. Finally, we
complement our positive results with negative theoretical results where we
prove that under various ways of strengthening the requirements, it is
impossible for any algorithm to be strategyproof and efficient.
|
Stable Prediction across Unknown Environments
|
In many important machine learning applications, the training distribution
used to learn a probabilistic classifier differs from the testing distribution
on which the classifier will be used to make predictions. Traditional methods
correct the distribution shift by reweighting the training data with the ratio
of the density between test and training data. In many applications training
takes place without prior knowledge of the testing distribution on which the
algorithm will be applied in the future. Recently, methods have been proposed
to address the shift by learning causal structure, but those methods rely on
the diversity of multiple training data to a good performance, and have
complexity limitations in high dimensions. In this paper, we propose a novel
Deep Global Balancing Regression (DGBR) algorithm to jointly optimize a deep
auto-encoder model for feature selection and a global balancing model for
stable prediction across unknown environments. The global balancing model
constructs balancing weights that facilitate estimating of partial effects of
features (holding fixed all other features), a problem that is challenging in
high dimensions, and thus helps to identify stable, causal relationships
between features and outcomes. The deep auto-encoder model is designed to
reduce the dimensionality of the feature space, thus making global balancing
easier. We show, both theoretically and with empirical experiments, that our
algorithm can make stable predictions across unknown environments. Our
experiments on both synthetic and real world datasets demonstrate that our DGBR
algorithm outperforms the state-of-the-art methods for stable prediction across
unknown environments.
|
Latent Convolutional Models
|
We present a new latent model of natural images that can be learned on
large-scale datasets. The learning process provides a latent embedding for
every image in the training dataset, as well as a deep convolutional network
that maps the latent space to the image space. After training, the new model
provides a strong and universal image prior for a variety of image restoration
tasks such as large-hole inpainting, superresolution, and colorization. To
model high-resolution natural images, our approach uses latent spaces of very
high dimensionality (one to two orders of magnitude higher than previous latent
image models). To tackle this high dimensionality, we use latent spaces with a
special manifold structure (convolutional manifolds) parameterized by a ConvNet
of a certain architecture. In the experiments, we compare the learned latent
models with latent models learned by autoencoders, advanced variants of
generative adversarial networks, and a strong baseline system using simpler
parameterization of the latent space. Our model outperforms the competing
approaches over a range of restoration tasks.
|
Right for the Right Reason: Training Agnostic Networks
|
We consider the problem of a neural network being requested to classify
images (or other inputs) without making implicit use of a "protected concept",
that is a concept that should not play any role in the decision of the network.
Typically these concepts include information such as gender or race, or other
contextual information such as image backgrounds that might be implicitly
reflected in unknown correlations with other variables, making it insufficient
to simply remove them from the input features. In other words, making accurate
predictions is not good enough if those predictions rely on information that
should not be used: predictive performance is not the only important metric for
learning systems. We apply a method developed in the context of domain
adaptation to address this problem of "being right for the right reason", where
we request a classifier to make a decision in a way that is entirely 'agnostic'
to a given protected concept (e.g. gender, race, background etc.), even if this
could be implicitly reflected in other attributes via unknown correlations.
After defining the concept of an 'agnostic model', we demonstrate how the
Domain-Adversarial Neural Network can remove unwanted information from a model
using a gradient reversal layer.
|
Deformable Generator Network: Unsupervised Disentanglement of Appearance
and Geometry
|
We present a deformable generator model to disentangle the appearance and
geometric information for both image and video data in a purely unsupervised
manner. The appearance generator network models the information related to
appearance, including color, illumination, identity or category, while the
geometric generator performs geometric warping, such as rotation and
stretching, through generating deformation field which is used to warp the
generated appearance to obtain the final image or video sequences. Two
generators take independent latent vectors as input to disentangle the
appearance and geometric information from image or video sequences. For video
data, a nonlinear transition model is introduced to both the appearance and
geometric generators to capture the dynamics over time. The proposed scheme is
general and can be easily integrated into different generative models. An
extensive set of qualitative and quantitative experiments shows that the
appearance and geometric information can be well disentangled, and the learned
geometric generator can be conveniently transferred to other image datasets to
facilitate knowledge transfer tasks.
|
Laplacian Smoothing Gradient Descent
|
We propose a class of very simple modifications of gradient descent and
stochastic gradient descent. We show that when applied to a large variety of
machine learning problems, ranging from logistic regression to deep neural
nets, the proposed surrogates can dramatically reduce the variance, allow to
take a larger step size, and improve the generalization accuracy. The methods
only involve multiplying the usual (stochastic) gradient by the inverse of a
positive definitive matrix (which can be computed efficiently by FFT) with a
low condition number coming from a one-dimensional discrete Laplacian or its
high order generalizations. It also preserves the mean and increases the
smallest component and decreases the largest component. The theory of
Hamilton-Jacobi partial differential equations demonstrates that the implicit
version of the new algorithm is almost the same as doing gradient descent on a
new function which (i) has the same global minima as the original function and
(ii) is ``more convex". Moreover, we show that optimization algorithms with
these surrogates converge uniformly in the discrete Sobolev $H_\sigma^p$ sense
and reduce the optimality gap for convex optimization problems. The code is
available at:
\url{https://github.com/BaoWangMath/LaplacianSmoothing-GradientDescent}
|
Approximate Submodular Functions and Performance Guarantees
|
We consider the problem of maximizing non-negative non-decreasing set
functions. Although most of the recent work focus on exploiting submodularity,
it turns out that several objectives we encounter in practice are not
submodular. Nonetheless, often we leverage the greedy algorithms used in
submodular functions to determine a solution to the non-submodular functions.
Hereafter, we propose to address the original problem by \emph{approximating}
the non-submodular function and analyze the incurred error, as well as the
performance trade-offs. To quantify the approximation error, we introduce a
novel concept of $\delta$-approximation of a function, which we used to define
the space of submodular functions that lie within an approximation error. We
provide necessary conditions on the existence of such $\delta$-approximation
functions, which might not be unique. Consequently, we characterize this
subspace which we refer to as \emph{region of submodularity}. Furthermore,
submodular functions are known to lead to different sub-optimality guarantees,
so we generalize those dependencies upon a $\delta$-approximation into the
notion of \emph{greedy curvature}. Finally, we used this latter notion to
simplify some of the existing results and efficiently (i.e., linear complexity)
determine tightened bounds on the sub-optimality guarantees using objective
functions commonly used in practical setups and validate them using real data.
|
Incorporating Chinese Characters of Words for Lexical Sememe Prediction
|
Sememes are minimum semantic units of concepts in human languages, such that
each word sense is composed of one or multiple sememes. Words are usually
manually annotated with their sememes by linguists, and form linguistic
common-sense knowledge bases widely used in various NLP tasks. Recently, the
lexical sememe prediction task has been introduced. It consists of
automatically recommending sememes for words, which is expected to improve
annotation efficiency and consistency. However, existing methods of lexical
sememe prediction typically rely on the external context of words to represent
the meaning, which usually fails to deal with low-frequency and
out-of-vocabulary words. To address this issue for Chinese, we propose a novel
framework to take advantage of both internal character information and external
context information of words. We experiment on HowNet, a Chinese sememe
knowledge base, and demonstrate that our framework outperforms state-of-the-art
baselines by a large margin, and maintains a robust performance even for
low-frequency words.
|
Initialization of ReLUs for Dynamical Isometry
|
Deep learning relies on good initialization schemes and hyperparameter
choices prior to training a neural network. Random weight initializations
induce random network ensembles, which give rise to the trainability, training
speed, and sometimes also generalization ability of an instance. In addition,
such ensembles provide theoretical insights into the space of candidate models
of which one is selected during training. The results obtained so far rely on
mean field approximations that assume infinite layer width and that study
average squared signals. We derive the joint signal output distribution
exactly, without mean field assumptions, for fully-connected networks with
Gaussian weights and biases, and analyze deviations from the mean field
results. For rectified linear units, we further discuss limitations of the
standard initialization scheme, such as its lack of dynamical isometry, and
propose a simple alternative that overcomes these by initial parameter sharing.
|
How Could Polyhedral Theory Harness Deep Learning?
|
The holy grail of deep learning is to come up with an automatic method to
design optimal architectures for different applications. In other words, how
can we effectively dimension and organize neurons along the network layers
based on the computational resources, input size, and amount of training data?
We outline promising research directions based on polyhedral theory and
mixed-integer representability that may offer an analytical approach to this
question, in contrast to the empirical techniques often employed.
|
Geodesic Convex Optimization: Differentiation on Manifolds, Geodesics,
and Convexity
|
Convex optimization is a vibrant and successful area due to the existence of
a variety of efficient algorithms that leverage the rich structure provided by
convexity. Convexity of a smooth set or a function in a Euclidean space is
defined by how it interacts with the standard differential structure in this
space -- the Hessian of a convex function has to be positive semi-definite
everywhere. However, in recent years, there is a growing demand to understand
non-convexity and develop computational methods to optimize non-convex
functions. Intriguingly, there is a type of non-convexity that disappears once
one introduces a suitable differentiable structure and redefines convexity with
respect to the straight lines, or {\em geodesics}, with respect to this
structure. Such convexity is referred to as {\em geodesic convexity}. Interest
in studying it arises due to recent reformulations of some non-convex problems
as geodesically convex optimization problems over geodesically convex sets.
Geodesics on manifolds have been extensively studied in various branches of
Mathematics and Physics. However, unlike convex optimization, understanding
geodesics and geodesic convexity from a computational point of view largely
remains a mystery. The goal of this exposition is to introduce the first part
of geodesic convex optimization -- geodesic convexity -- in a self-contained
manner. We first present a variety of notions from differential and Riemannian
geometry such as differentiation on manifolds, geodesics, and then introduce
geodesic convexity. We conclude by showing that certain non-convex optimization
problems such as computing the Brascamp-Lieb constant and the operator scaling
problem have geodesically convex formulations.
|
Multi-variable LSTM neural network for autoregressive exogenous model
|
In this paper, we propose multi-variable LSTM capable of accurate forecasting
and variable importance interpretation for time series with exogenous
variables. Current attention mechanism in recurrent neural networks mostly
focuses on the temporal aspect of data and falls short of characterizing
variable importance. To this end, the multi-variable LSTM equipped with
tensorized hidden states is developed to learn hidden states for individual
variables, which give rise to our mixture temporal and variable attention.
Based on such attention mechanism, we infer and quantify variable importance.
Extensive experiments using real datasets with Granger-causality test and the
synthetic dataset with ground truth demonstrate the prediction performance and
interpretability of multi-variable LSTM in comparison to a variety of
baselines. It exhibits the prospect of multi-variable LSTM as an end-to-end
framework for both forecasting and knowledge discovery.
|
Task-Relevant Object Discovery and Categorization for Playing
First-person Shooter Games
|
We consider the problem of learning to play first-person shooter (FPS) video
games using raw screen images as observations and keyboard inputs as actions.
The high-dimensionality of the observations in this type of applications leads
to prohibitive needs of training data for model-free methods, such as the deep
Q-network (DQN), and its recurrent variant DRQN. Thus, recent works focused on
learning low-dimensional representations that may reduce the need for data.
This paper presents a new and efficient method for learning such
representations. Salient segments of consecutive frames are detected from their
optical flow, and clustered based on their feature descriptors. The clusters
typically correspond to different discovered categories of objects. Segments
detected in new frames are then classified based on their nearest clusters.
Because only a few categories are relevant to a given task, the importance of a
category is defined as the correlation between its occurrence and the agent's
performance. The result is encoded as a vector indicating objects that are in
the frame and their locations, and used as a side input to DRQN. Experiments on
the game Doom provide a good evidence for the benefit of this approach.
|
Gated Path Planning Networks
|
Value Iteration Networks (VINs) are effective differentiable path planning
modules that can be used by agents to perform navigation while still
maintaining end-to-end differentiability of the entire architecture. Despite
their effectiveness, they suffer from several disadvantages including training
instability, random seed sensitivity, and other optimization problems. In this
work, we reframe VINs as recurrent-convolutional networks which demonstrates
that VINs couple recurrent convolutions with an unconventional max-pooling
activation. From this perspective, we argue that standard gated recurrent
update equations could potentially alleviate the optimization issues plaguing
VIN. The resulting architecture, which we call the Gated Path Planning Network,
is shown to empirically outperform VIN on a variety of metrics such as learning
speed, hyperparameter sensitivity, iteration count, and even generalization.
Furthermore, we show that this performance gap is consistent across different
maze transition types, maze sizes and even show success on a challenging 3D
environment, where the planner is only provided with first-person RGB images.
|
Feature Learning and Classification in Neuroimaging: Predicting
Cognitive Impairment from Magnetic Resonance Imaging
|
Due to the rapid innovation of technology and the desire to find and employ
biomarkers for neurodegenerative disease, high-dimensional data classification
problems are routinely encountered in neuroimaging studies. To avoid
over-fitting and to explore relationships between disease and potential
biomarkers, feature learning and selection plays an important role in
classifier construction and is an important area in machine learning. In this
article, we review several important feature learning and selection techniques
including lasso-based methods, PCA, the two-sample t-test, and stacked
auto-encoders. We compare these approaches using a numerical study involving
the prediction of Alzheimer's disease from Magnetic Resonance Imaging.
|
Learning to Evaluate Image Captioning
|
Evaluation metrics for image captioning face two challenges. Firstly,
commonly used metrics such as CIDEr, METEOR, ROUGE and BLEU often do not
correlate well with human judgments. Secondly, each metric has well known blind
spots to pathological caption constructions, and rule-based metrics lack
provisions to repair such blind spots once identified. For example, the newly
proposed SPICE correlates well with human judgments, but fails to capture the
syntactic structure of a sentence. To address these two challenges, we propose
a novel learning based discriminative evaluation metric that is directly
trained to distinguish between human and machine-generated captions. In
addition, we further propose a data augmentation scheme to explicitly
incorporate pathological transformations as negative examples during training.
The proposed metric is evaluated with three kinds of robustness tests and its
correlation with human judgments. Extensive experiments show that the proposed
data augmentation scheme not only makes our metric more robust toward several
pathological transformations, but also improves its correlation with human
judgments. Our metric outperforms other metrics on both caption level human
correlation in Flickr 8k and system level human correlation in COCO. The
proposed approach could be served as a learning based evaluation metric that is
complementary to existing rule-based metrics.
|
Subspace Embedding and Linear Regression with Orlicz Norm
|
We consider a generalization of the classic linear regression problem to the
case when the loss is an Orlicz norm. An Orlicz norm is parameterized by a
non-negative convex function $G:\mathbb{R}_+\rightarrow\mathbb{R}_+$ with
$G(0)=0$: the Orlicz norm of a vector $x\in\mathbb{R}^n$ is defined as $
\|x\|_G=\inf\left\{\alpha>0\large\mid\sum_{i=1}^n G(|x_i|/\alpha)\leq
1\right\}. $ We consider the cases where the function $G(\cdot)$ grows
subquadratically. Our main result is based on a new oblivious embedding which
embeds the column space of a given matrix $A\in\mathbb{R}^{n\times d}$ with
Orlicz norm into a lower dimensional space with $\ell_2$ norm. Specifically, we
show how to efficiently find an embedding matrix $S\in\mathbb{R}^{m\times
n},m<n$ such that $\forall x\in\mathbb{R}^{d},\Omega(1/(d\log n)) \cdot
\|Ax\|_G\leq \|SAx\|_2\leq O(d^2\log n) \cdot \|Ax\|_G.$ By applying this
subspace embedding technique, we show an approximation algorithm for the
regression problem $\min_{x\in\mathbb{R}^d} \|Ax-b\|_G$, up to a $O(d\log^2 n)$
factor. As a further application of our techniques, we show how to also use
them to improve on the algorithm for the $\ell_p$ low rank matrix approximation
problem for $1\leq p<2$.
|
Compressed Sensing with Deep Image Prior and Learned Regularization
|
We propose a novel method for compressed sensing recovery using untrained
deep generative models. Our method is based on the recently proposed Deep Image
Prior (DIP), wherein the convolutional weights of the network are optimized to
match the observed measurements. We show that this approach can be applied to
solve any differentiable linear inverse problem, outperforming previous
unlearned methods. Unlike various learned approaches based on generative
models, our method does not require pre-training over large datasets. We
further introduce a novel learned regularization technique, which incorporates
prior information on the network weights. This reduces reconstruction error,
especially for noisy measurements. Finally, we prove that, using the DIP
optimization approach, moderately overparameterized single-layer networks can
perfectly fit any signal despite the non-convex nature of the fitting problem.
This theoretical result provides justification for early stopping.
|
Online Prediction of Switching Graph Labelings with Cluster Specialists
|
We address the problem of predicting the labeling of a graph in an online
setting when the labeling is changing over time. We present an algorithm based
on a specialist approach; we develop the machinery of cluster specialists which
probabilistically exploits the cluster structure in the graph. Our algorithm
has two variants, one of which surprisingly only requires $\mathcal{O}(\log n)$
time on any trial $t$ on an $n$-vertex graph, an exponential speed up over
existing methods. We prove switching mistake-bound guarantees for both variants
of our algorithm. Furthermore these mistake bounds smoothly vary with the
magnitude of the change between successive labelings. We perform experiments on
Chicago Divvy Bicycle Sharing data and show that our algorithms significantly
outperform an existing algorithm (a kernelized Perceptron) as well as several
natural benchmarks.
|
Self-Attentive Neural Collaborative Filtering
|
This paper has been withdrawn as we discovered a bug in our tensorflow
implementation that involved accidental mixing of vectors across batches. This
lead to different inference results given different batch sizes which is
completely strange. The performance scores still remain the same but we
concluded that it was not the self-attention that contributed to the
performance. We are withdrawing the paper because this renders the main claim
of the paper false. Thanks to Guan Xinyu from NUS for discovering this issue in
our previously open source code.
|
Fast Convex Pruning of Deep Neural Networks
|
We develop a fast, tractable technique called Net-Trim for simplifying a
trained neural network. The method is a convex post-processing module, which
prunes (sparsifies) a trained network layer by layer, while preserving the
internal responses. We present a comprehensive analysis of Net-Trim from both
the algorithmic and sample complexity standpoints, centered on a fast, scalable
convex optimization program. Our analysis includes consistency results between
the initial and retrained models before and after Net-Trim application and
guarantees on the number of training samples needed to discover a network that
can be expressed using a certain number of nonzero terms. Specifically, if
there is a set of weights that uses at most $s$ terms that can re-create the
layer outputs from the layer inputs, we can find these weights from
$\mathcal{O}(s\log N/s)$ samples, where $N$ is the input size. These
theoretical results are similar to those for sparse regression using the Lasso,
and our analysis uses some of the same recently-developed tools (namely recent
results on the concentration of measure and convex analysis). Finally, we
propose an algorithmic framework based on the alternating direction method of
multipliers (ADMM), which allows a fast and simple implementation of Net-Trim
for network pruning and compression.
|
Learning Policy Representations in Multiagent Systems
|
Modeling agent behavior is central to understanding the emergence of complex
phenomena in multiagent systems. Prior work in agent modeling has largely been
task-specific and driven by hand-engineering domain-specific prior knowledge.
We propose a general learning framework for modeling agent behavior in any
multiagent system using only a handful of interaction data. Our framework casts
agent modeling as a representation learning problem. Consequently, we construct
a novel objective inspired by imitation learning and agent identification and
design an algorithm for unsupervised learning of representations of agent
policies. We demonstrate empirically the utility of the proposed framework in
(i) a challenging high-dimensional competitive environment for continuous
control and (ii) a cooperative environment for communication, on supervised
predictive tasks, unsupervised clustering, and policy optimization using deep
reinforcement learning.
|
Conditional Affordance Learning for Driving in Urban Environments
|
Most existing approaches to autonomous driving fall into one of two
categories: modular pipelines, that build an extensive model of the
environment, and imitation learning approaches, that map images directly to
control outputs. A recently proposed third paradigm, direct perception, aims to
combine the advantages of both by using a neural network to learn appropriate
low-dimensional intermediate representations. However, existing direct
perception approaches are restricted to simple highway situations, lacking the
ability to navigate intersections, stop at traffic lights or respect speed
limits. In this work, we propose a direct perception approach which maps video
input to intermediate representations suitable for autonomous navigation in
complex urban environments given high-level directional inputs. Compared to
state-of-the-art reinforcement and conditional imitation learning approaches,
we achieve an improvement of up to 68 % in goal-directed navigation on the
challenging CARLA simulation benchmark. In addition, our approach is the first
to handle traffic lights and speed signs by using image-level labels only, as
well as smooth car-following, resulting in a significant reduction of traffic
accidents in simulation.
|
Semi-tied Units for Efficient Gating in LSTM and Highway Networks
|
Gating is a key technique used for integrating information from multiple
sources by long short-term memory (LSTM) models and has recently also been
applied to other models such as the highway network. Although gating is
powerful, it is rather expensive in terms of both computation and storage as
each gating unit uses a separate full weight matrix. This issue can be severe
since several gates can be used together in e.g. an LSTM cell. This paper
proposes a semi-tied unit (STU) approach to solve this efficiency issue, which
uses one shared weight matrix to replace those in all the units in the same
layer. The approach is termed "semi-tied" since extra parameters are used to
separately scale each of the shared output values. These extra scaling factors
are associated with the network activation functions and result in the use of
parameterised sigmoid, hyperbolic tangent, and rectified linear unit functions.
Speech recognition experiments using British English multi-genre broadcast data
showed that using STUs can reduce the calculation and storage cost by a factor
of three for highway networks and four for LSTMs, while giving similar word
error rates to the original models.
|
The Information Autoencoding Family: A Lagrangian Perspective on Latent
Variable Generative Models
|
A large number of objectives have been proposed to train latent variable
generative models. We show that many of them are Lagrangian dual functions of
the same primal optimization problem. The primal problem optimizes the mutual
information between latent and visible variables, subject to the constraints of
accurately modeling the data distribution and performing correct amortized
inference. By choosing to maximize or minimize mutual information, and choosing
different Lagrange multipliers, we obtain different objectives including
InfoGAN, ALI/BiGAN, ALICE, CycleGAN, beta-VAE, adversarial autoencoders, AVB,
AS-VAE and InfoVAE. Based on this observation, we provide an exhaustive
characterization of the statistical and computational trade-offs made by all
the training objectives in this class of Lagrangian duals. Next, we propose a
dual optimization method where we optimize model parameters as well as the
Lagrange multipliers. This method achieves Pareto optimal solutions in terms of
optimizing information and satisfying the constraints.
|
A Simple Reservoir Model of Working Memory with Real Values
|
The prefrontal cortex is known to be involved in many high-level cognitive
functions, in particular, working memory. Here, we study to what extent a group
of randomly connected units (namely an Echo State Network, ESN) can store and
maintain (as output) an arbitrary real value from a streamed input, i.e. can
act as a sustained working memory unit. Furthermore, we explore to what extent
such an architecture can take advantage of the stored value in order to produce
non-linear computations. Comparison between different architectures (with and
without feedback, with and without a working memory unit) shows that an
explicit memory improves the performances.
|
Incremental Sparse Bayesian Ordinal Regression
|
Ordinal Regression (OR) aims to model the ordering information between
different data categories, which is a crucial topic in multi-label learning. An
important class of approaches to OR models the problem as a linear combination
of basis functions that map features to a high dimensional non-linear space.
However, most of the basis function-based algorithms are time consuming. We
propose an incremental sparse Bayesian approach to OR tasks and introduce an
algorithm to sequentially learn the relevant basis functions in the ordinal
scenario. Our method, called Incremental Sparse Bayesian Ordinal Regression
(ISBOR), automatically optimizes the hyper-parameters via the type-II maximum
likelihood method. By exploiting fast marginal likelihood optimization, ISBOR
can avoid big matrix inverses, which is the main bottleneck in applying basis
function-based algorithms to OR tasks on large-scale datasets. We show that
ISBOR can make accurate predictions with parsimonious basis functions while
offering automatic estimates of the prediction uncertainty. Extensive
experiments on synthetic and real word datasets demonstrate the efficiency and
effectiveness of ISBOR compared to other basis function-based OR approaches.
|
Nonparametric Topic Modeling with Neural Inference
|
This work focuses on combining nonparametric topic models with Auto-Encoding
Variational Bayes (AEVB). Specifically, we first propose iTM-VAE, where the
topics are treated as trainable parameters and the document-specific topic
proportions are obtained by a stick-breaking construction. The inference of
iTM-VAE is modeled by neural networks such that it can be computed in a simple
feed-forward manner. We also describe how to introduce a hyper-prior into
iTM-VAE so as to model the uncertainty of the prior parameter. Actually, the
hyper-prior technique is quite general and we show that it can be applied to
other AEVB based models to alleviate the {\it collapse-to-prior} problem
elegantly. Moreover, we also propose HiTM-VAE, where the document-specific
topic distributions are generated in a hierarchical manner. HiTM-VAE is even
more flexible and can generate topic distributions with better variability.
Experimental results on 20News and Reuters RCV1-V2 datasets show that the
proposed models outperform the state-of-the-art baselines significantly. The
advantages of the hyper-prior technique and the hierarchical model construction
are also confirmed by experiments.
|
Evaluating and Characterizing Incremental Learning from Non-Stationary
Data
|
Incremental learning from non-stationary data poses special challenges to the
field of machine learning. Although new algorithms have been developed for
this, assessment of results and comparison of behaviors are still open
problems, mainly because evaluation metrics, adapted from more traditional
tasks, can be ineffective in this context. Overall, there is a lack of common
testing practices. This paper thus presents a testbed for incremental
non-stationary learning algorithms, based on specially designed synthetic
datasets. Also, test results are reported for some well-known algorithms to
show that the proposed methodology is effective at characterizing their
strengths and weaknesses. It is expected that this methodology will provide a
common basis for evaluating future contributions in the field.
|
Comparison-Based Random Forests
|
Assume we are given a set of items from a general metric space, but we
neither have access to the representation of the data nor to the distances
between data points. Instead, suppose that we can actively choose a triplet of
items (A,B,C) and ask an oracle whether item A is closer to item B or to item
C. In this paper, we propose a novel random forest algorithm for regression and
classification that relies only on such triplet comparisons. In the theory part
of this paper, we establish sufficient conditions for the consistency of such a
forest. In a set of comprehensive experiments, we then demonstrate that the
proposed random forest is efficient both for classification and regression. In
particular, it is even competitive with other methods that have direct access
to the metric representation of the data.
|
Banach Wasserstein GAN
|
Wasserstein Generative Adversarial Networks (WGANs) can be used to generate
realistic samples from complicated image distributions. The Wasserstein metric
used in WGANs is based on a notion of distance between individual images, which
induces a notion of distance between probability distributions of images. So
far the community has considered $\ell^2$ as the underlying distance. We
generalize the theory of WGAN with gradient penalty to Banach spaces, allowing
practitioners to select the features to emphasize in the generator. We further
discuss the effect of some particular choices of underlying norms, focusing on
Sobolev norms. Finally, we demonstrate a boost in performance for an
appropriate choice of norm on CIFAR-10 and CelebA.
|
Are All Experts Equally Good? A Study of Analyst Earnings Estimates
|
We investigate whether experts possess differential expertise when making
predictions. We note that this would make it possible to aggregate multiple
predictions into a result that is more accurate than their consensus average,
and that the improvement prospects grow with the amount of differentiation.
Turning this argument on its head, we show how differentiation can be measured
by how much weighted aggregation improves on simple averaging. Taking
stock-market analysts as experts in their domain, we do a retrospective study
using historical quarterly earnings forecasts and actual results for large
publicly traded companies. We use it to shed new light on the Sinha et al.
(1997) result, showing that analysts indeed possess individual expertise, but
that their differentiation is modest. On the other hand, they have significant
individual bias. Together, these enable a 20%-30% accuracy improvement over
consensus average.
|
An Online Prediction Algorithm for Reinforcement Learning with Linear
Function Approximation using Cross Entropy Method
|
In this paper, we provide two new stable online algorithms for the problem of
prediction in reinforcement learning, \emph{i.e.}, estimating the value
function of a model-free Markov reward process using the linear function
approximation architecture and with memory and computation costs scaling
quadratically in the size of the feature set. The algorithms employ the
multi-timescale stochastic approximation variant of the very popular cross
entropy (CE) optimization method which is a model based search method to find
the global optimum of a real-valued function. A proof of convergence of the
algorithms using the ODE method is provided. We supplement our theoretical
results with experimental comparisons. The algorithms achieve good performance
fairly consistently on many RL benchmark problems with regards to computational
efficiency, accuracy and stability.
|
Closing the Generalization Gap of Adaptive Gradient Methods in Training
Deep Neural Networks
|
Adaptive gradient methods, which adopt historical gradient information to
automatically adjust the learning rate, despite the nice property of fast
convergence, have been observed to generalize worse than stochastic gradient
descent (SGD) with momentum in training deep neural networks. This leaves how
to close the generalization gap of adaptive gradient methods an open problem.
In this work, we show that adaptive gradient methods such as Adam, Amsgrad, are
sometimes "over adapted". We design a new algorithm, called Partially adaptive
momentum estimation method, which unifies the Adam/Amsgrad with SGD by
introducing a partial adaptive parameter $p$, to achieve the best from both
worlds. We also prove the convergence rate of our proposed algorithm to a
stationary point in the stochastic nonconvex optimization setting. Experiments
on standard benchmarks show that our proposed algorithm can maintain a fast
convergence rate as Adam/Amsgrad while generalizing as well as SGD in training
deep neural networks. These results would suggest practitioners pick up
adaptive gradient methods once again for faster training of deep neural
networks.
|
Modularity Matters: Learning Invariant Relational Reasoning Tasks
|
We focus on two supervised visual reasoning tasks whose labels encode a
semantic relational rule between two or more objects in an image: the MNIST
Parity task and the colorized Pentomino task. The objects in the images undergo
random translation, scaling, rotation and coloring transformations. Thus these
tasks involve invariant relational reasoning. We report uneven performance of
various deep CNN models on these two tasks. For the MNIST Parity task, we
report that the VGG19 model soundly outperforms a family of ResNet models.
Moreover, the family of ResNet models exhibits a general sensitivity to random
initialization for the MNIST Parity task. For the colorized Pentomino task, now
both the VGG19 and ResNet models exhibit sluggish optimization and very poor
test generalization, hovering around 30% test error. The CNN we tested all
learn hierarchies of fully distributed features and thus encode the distributed
representation prior. We are motivated by a hypothesis from cognitive
neuroscience which posits that the human visual cortex is modularized, and this
allows the visual cortex to learn higher order invariances. To this end, we
consider a modularized variant of the ResNet model, referred to as a Residual
Mixture Network (ResMixNet) which employs a mixture-of-experts architecture to
interleave distributed representations with more specialized, modular
representations. We show that very shallow ResMixNets are capable of learning
each of the two tasks well, attaining less than 2% and 1% test error on the
MNIST Parity and the colorized Pentomino tasks respectively. Most importantly,
the ResMixNet models are extremely parameter efficient: generalizing better
than various non-modular CNNs that have over 10x the number of parameters.
These experimental results support the hypothesis that modularity is a robust
prior for learning invariant relational reasoning.
|
Kernel-based Outlier Detection using the Inverse Christoffel Function
|
Outlier detection methods have become increasingly relevant in recent years
due to increased security concerns and because of its vast application to
different fields. Recently, Pauwels and Lasserre (2016) noticed that the
sublevel sets of the inverse Christoffel function accurately depict the shape
of a cloud of data using a sum-of-squares polynomial and can be used to perform
outlier detection. In this work, we propose a kernelized variant of the inverse
Christoffel function that makes it computationally tractable for data sets with
a large number of features. We compare our approach to current methods on 15
different data sets and achieve the best average area under the precision
recall curve (AUPRC) score, the best average rank and the lowest root mean
square deviation.
|
Towards Distributed Energy Services: Decentralizing Optimal Power Flow
with Machine Learning
|
The implementation of optimal power flow (OPF) methods to perform voltage and
power flow regulation in electric networks is generally believed to require
extensive communication. We consider distribution systems with multiple
controllable Distributed Energy Resources (DERs) and present a data-driven
approach to learn control policies for each DER to reconstruct and mimic the
solution to a centralized OPF problem from solely locally available
information. Collectively, all local controllers closely match the centralized
OPF solution, providing near optimal performance and satisfaction of system
constraints. A rate distortion framework enables the analysis of how well the
resulting fully decentralized control policies are able to reconstruct the OPF
solution. The methodology provides a natural extension to decide what nodes a
DER should communicate with to improve the reconstruction of its individual
policy. The method is applied on both single- and three-phase test feeder
networks using data from real loads and distributed generators, focusing on
DERs that do not exhibit inter-temporal dependencies. It provides a framework
for Distribution System Operators to efficiently plan and operate the
contributions of DERs to achieve Distributed Energy Services in distribution
networks.
|
Implicit Policy for Reinforcement Learning
|
We introduce Implicit Policy, a general class of expressive policies that can
flexibly represent complex action distributions in reinforcement learning, with
efficient algorithms to compute entropy regularized policy gradients. We
empirically show that, despite its simplicity in implementation, entropy
regularization combined with a rich policy class can attain desirable
properties displayed under maximum entropy reinforcement learning framework,
such as robustness and multi-modality.
|
Interpretable Almost Matching Exactly for Causal Inference
|
We aim to create the highest possible quality of treatment-control matches
for categorical data in the potential outcomes framework. Matching methods are
heavily used in the social sciences due to their interpretability, but most
matching methods do not pass basic sanity checks: they fail when irrelevant
variables are introduced, and tend to be either computationally slow or produce
low-quality matches. The method proposed in this work aims to match units on a
weighted Hamming distance, taking into account the relative importance of the
covariates; the algorithm aims to match units on as many relevant variables as
possible. To do this, the algorithm creates a hierarchy of covariate
combinations on which to match (similar to downward closure), in the process
solving an optimization problem for each unit in order to construct the optimal
matches. The algorithm uses a single dynamic program to solve all of the
optimization problems simultaneously. Notable advantages of our method over
existing matching procedures are its high-quality matches, versatility in
handling different data distributions that may have irrelevant variables, and
ability to handle missing data by matching on as many available covariates as
possible.
|
PAC-Bayes bounds for stable algorithms with instance-dependent priors
|
PAC-Bayes bounds have been proposed to get risk estimates based on a training
sample. In this paper the PAC-Bayes approach is combined with stability of the
hypothesis learned by a Hilbert space valued algorithm. The PAC-Bayes setting
is used with a Gaussian prior centered at the expected output. Thus a novelty
of our paper is using priors defined in terms of the data-generating
distribution. Our main result estimates the risk of the randomized algorithm in
terms of the hypothesis stability coefficients. We also provide a new bound for
the SVM classifier, which is compared to other known bounds experimentally.
Ours appears to be the first stability-based bound that evaluates to
non-trivial values.
|
Polynomial Regression As an Alternative to Neural Nets
|
Despite the success of neural networks (NNs), there is still a concern among
many over their "black box" nature. Why do they work? Here we present a simple
analytic argument that NNs are in fact essentially polynomial regression
models. This view will have various implications for NNs, e.g. providing an
explanation for why convergence problems arise in NNs, and it gives rough
guidance on avoiding overfitting. In addition, we use this phenomenon to
predict and confirm a multicollinearity property of NNs not previously reported
in the literature. Most importantly, given this loose correspondence, one may
choose to routinely use polynomial models instead of NNs, thus avoiding some
major problems of the latter, such as having to set many tuning parameters and
dealing with convergence issues. We present a number of empirical results; in
each case, the accuracy of the polynomial approach matches or exceeds that of
NN approaches. A many-featured, open-source software package, polyreg, is
available.
|
Continuous-variable quantum neural networks
|
We introduce a general method for building neural networks on quantum
computers. The quantum neural network is a variational quantum circuit built in
the continuous-variable (CV) architecture, which encodes quantum information in
continuous degrees of freedom such as the amplitudes of the electromagnetic
field. This circuit contains a layered structure of continuously parameterized
gates which is universal for CV quantum computation. Affine transformations and
nonlinear activation functions, two key elements in neural networks, are
enacted in the quantum network using Gaussian and non-Gaussian gates,
respectively. The non-Gaussian gates provide both the nonlinearity and the
universality of the model. Due to the structure of the CV model, the CV quantum
neural network can encode highly nonlinear transformations while remaining
completely unitary. We show how a classical network can be embedded into the
quantum formalism and propose quantum versions of various specialized model
such as convolutional, recurrent, and residual networks. Finally, we present
numerous modeling experiments built with the Strawberry Fields software
library. These experiments, including a classifier for fraud detection, a
network which generates Tetris images, and a hybrid classical-quantum
autoencoder, demonstrate the capability and adaptability of CV quantum neural
networks.
|
Learning Distributed Representations from Reviews for Collaborative
Filtering
|
Recent work has shown that collaborative filter-based recommender systems can
be improved by incorporating side information, such as natural language
reviews, as a way of regularizing the derived product representations.
Motivated by the success of this approach, we introduce two different models of
reviews and study their effect on collaborative filtering performance. While
the previous state-of-the-art approach is based on a latent Dirichlet
allocation (LDA) model of reviews, the models we explore are neural network
based: a bag-of-words product-of-experts model and a recurrent neural network.
We demonstrate that the increased flexibility offered by the product-of-experts
model allowed it to achieve state-of-the-art performance on the Amazon review
dataset, outperforming the LDA-based approach. However, interestingly, the
greater modeling power offered by the recurrent neural network appears to
undermine the model's ability to act as a regularizer of the product
representations.
|
A Survey of Inverse Reinforcement Learning: Challenges, Methods and
Progress
|
Inverse reinforcement learning (IRL) is the problem of inferring the reward
function of an agent, given its policy or observed behavior. Analogous to RL,
IRL is perceived both as a problem and as a class of methods. By categorically
surveying the current literature in IRL, this article serves as a reference for
researchers and practitioners of machine learning and beyond to understand the
challenges of IRL and select the approaches best suited for the problem on
hand. The survey formally introduces the IRL problem along with its central
challenges such as the difficulty in performing accurate inference and its
generalizability, its sensitivity to prior knowledge, and the disproportionate
growth in solution complexity with problem size. The article elaborates how the
current methods mitigate these challenges. We further discuss the extensions to
traditional IRL methods for handling: inaccurate and incomplete perception, an
incomplete model, multiple reward functions, and nonlinear reward functions.
This survey concludes the discussion with some broad advances in the research
area and currently open research questions.
|
The Minimax Learning Rates of Normal and Ising Undirected Graphical
Models
|
Let $G$ be an undirected graph with $m$ edges and $d$ vertices. We show that
$d$-dimensional Ising models on $G$ can be learned from $n$ i.i.d. samples
within expected total variation distance some constant factor of $\min\{1,
\sqrt{(m + d)/n}\}$, and that this rate is optimal. We show that the same rate
holds for the class of $d$-dimensional multivariate normal undirected graphical
models with respect to $G$. We also identify the optimal rate of $\min\{1,
\sqrt{m/n}\}$ for Ising models with no external magnetic field.
|
Designing Optimal Binary Rating Systems
|
Modern online platforms rely on effective rating systems to learn about
items. We consider the optimal design of rating systems that collect binary
feedback after transactions. We make three contributions. First, we formalize
the performance of a rating system as the speed with which it recovers the true
underlying ranking on items (in a large deviations sense), accounting for both
items' underlying match rates and the platform's preferences. Second, we
provide an efficient algorithm to compute the binary feedback system that
yields the highest such performance. Finally, we show how this theoretical
perspective can be used to empirically design an implementable, approximately
optimal rating system, and validate our approach using real-world experimental
data collected on Amazon Mechanical Turk.
|
Deep Learning based Estimation of Weaving Target Maneuvers
|
In target tracking, the estimation of an unknown weaving target frequency is
crucial for improving the miss distance. The estimation process is commonly
carried out in a Kalman framework. The objective of this paper is to examine
the potential of using neural networks in target tracking applications. To that
end, we propose estimating the weaving frequency using deep neural networks,
instead of classical Kalman framework based estimation. Particularly, we focus
on the case where a set of possible constant target frequencies is known.
Several neural network architectures, requiring low computational resources
were designed to estimate the unknown frequency out of the known set of
frequencies. The proposed approach performance is compared with the multiple
model adaptive estimation algorithm. Simulation results show that in the
examined scenarios, deep neural network outperforms multiple model adaptive
estimation in terms of accuracy and the amount of required measurements to
convergence.
|
Distributional Advantage Actor-Critic
|
In traditional reinforcement learning, an agent maximizes the reward
collected during its interaction with the environment by approximating the
optimal policy through the estimation of value functions. Typically, given a
state s and action a, the corresponding value is the expected discounted sum of
rewards. The optimal action is then chosen to be the action a with the largest
value estimated by value function. However, recent developments have shown both
theoretical and experimental evidence of superior performance when value
function is replaced with value distribution in context of deep Q learning [1].
In this paper, we develop a new algorithm that combines advantage actor-critic
with value distribution estimated by quantile regression. We evaluated this new
algorithm, termed Distributional Advantage Actor-Critic (DA2C or QR-A2C) on a
variety of tasks, and observed it to achieve at least as good as baseline
algorithms, and outperforming baseline in some tasks with smaller variance and
increased stability.
|
A One-Sided Classification Toolkit with Applications in the Analysis of
Spectroscopy Data
|
This dissertation investigates the use of one-sided classification algorithms
in the application of separating hazardous chlorinated solvents from other
materials, based on their Raman spectra. The experimentation is carried out
using a new one-sided classification toolkit that was designed and developed
from the ground up. In the one-sided classification paradigm, the objective is
to separate elements of the target class from all outliers. These one-sided
classifiers are generally chosen, in practice, when there is a deficiency of
some sort in the training examples. Sometimes outlier examples can be rare,
expensive to label, or even entirely absent. However, this author would like to
note that they can be equally applicable when outlier examples are plentiful
but nonetheless not statistically representative of the complete outlier
concept. It is this scenario that is explicitly dealt with in this research
work. In these circumstances, one-sided classifiers have been found to be more
robust that conventional multi-class classifiers. The term "unexpected"
outliers is introduced to represent outlier examples, encountered in the test
set, that have been taken from a different distribution to the training set
examples. These are examples that are a result of an inadequate representation
of all possible outliers in the training set. It can often be impossible to
fully characterise outlier examples given the fact that they can represent the
immeasurable quantity of "everything else" that is not a target. The findings
from this research have shown the potential drawbacks of using conventional
multi-class classification algorithms when the test data come from a completely
different distribution to that of the training samples.
|
Maximum a Posteriori Policy Optimisation
|
We introduce a new algorithm for reinforcement learning called Maximum
aposteriori Policy Optimisation (MPO) based on coordinate ascent on a relative
entropy objective. We show that several existing methods can directly be
related to our derivation. We develop two off-policy algorithms and demonstrate
that they are competitive with the state-of-the-art in deep reinforcement
learning. In particular, for continuous control, our method outperforms
existing methods with respect to sample efficiency, premature convergence and
robustness to hyperparameter settings while achieving similar or better final
performance.
|
Implicit Quantile Networks for Distributional Reinforcement Learning
|
In this work, we build on recent advances in distributional reinforcement
learning to give a generally applicable, flexible, and state-of-the-art
distributional variant of DQN. We achieve this by using quantile regression to
approximate the full quantile function for the state-action return
distribution. By reparameterizing a distribution over the sample space, this
yields an implicitly defined return distribution and gives rise to a large
class of risk-sensitive policies. We demonstrate improved performance on the 57
Atari 2600 games in the ALE, and use our algorithm's implicitly defined
distributions to study the effects of risk-sensitive policies in Atari games.
|
On the Metric Distortion of Embedding Persistence Diagrams into
separable Hilbert spaces
|
Persistence diagrams are important descriptors in Topological Data Analysis.
Due to the nonlinearity of the space of persistence diagrams equipped with
their {\em diagram distances}, most of the recent attempts at using persistence
diagrams in machine learning have been done through kernel methods, i.e.,
embeddings of persistence diagrams into Reproducing Kernel Hilbert Spaces, in
which all computations can be performed easily. Since persistence diagrams
enjoy theoretical stability guarantees for the diagram distances, the {\em
metric properties} of the feature map, i.e., the relationship between the
Hilbert distance and the diagram distances, are of central interest for
understanding if the persistence diagram guarantees carry over to the
embedding. In this article, we study the possibility of embedding persistence
diagrams into separable Hilbert spaces, with bi-Lipschitz maps. In particular,
we show that for several stable embeddings into infinite-dimensional Hilbert
spaces defined in the literature, any lower bound must depend on the
cardinalities of the persistence diagrams, and that when the Hilbert space is
finite dimensional, finding a bi-Lipschitz embedding is impossible, even when
restricting the persistence diagrams to have bounded cardinalities.
|
Understanding Patch-Based Learning by Explaining Predictions
|
Deep networks are able to learn highly predictive models of video data. Due
to video length, a common strategy is to train them on small video snippets. We
apply the deep Taylor / LRP technique to understand the deep network's
classification decisions, and identify a "border effect": a tendency of the
classifier to look mainly at the bordering frames of the input. This effect
relates to the step size used to build the video snippet, which we can then
tune in order to improve the classifier's accuracy without retraining the
model. To our knowledge, this is the the first work to apply the deep Taylor /
LRP technique on any video analyzing neural network.
|
Auto-Meta: Automated Gradient Based Meta Learner Search
|
Fully automating machine learning pipelines is one of the key challenges of
current artificial intelligence research, since practical machine learning
often requires costly and time-consuming human-powered processes such as model
design, algorithm development, and hyperparameter tuning. In this paper, we
verify that automated architecture search synergizes with the effect of
gradient-based meta learning. We adopt the progressive neural architecture
search \cite{liu:pnas_google:DBLP:journals/corr/abs-1712-00559} to find optimal
architectures for meta-learners. The gradient based meta-learner whose
architecture was automatically found achieved state-of-the-art results on the
5-shot 5-way Mini-ImageNet classification problem with $74.65\%$ accuracy,
which is $11.54\%$ improvement over the result obtained by the first
gradient-based meta-learner called MAML
\cite{finn:maml:DBLP:conf/icml/FinnAL17}. To our best knowledge, this work is
the first successful neural architecture search implementation in the context
of meta learning.
|
Meta Continual Learning
|
Using neural networks in practical settings would benefit from the ability of
the networks to learn new tasks throughout their lifetimes without forgetting
the previous tasks. This ability is limited in the current deep neural networks
by a problem called catastrophic forgetting, where training on new tasks tends
to severely degrade performance on previous tasks. One way to lessen the impact
of the forgetting problem is to constrain parameters that are important to
previous tasks to stay close to the optimal parameters. Recently, multiple
competitive approaches for computing the importance of the parameters with
respect to the previous tasks have been presented. In this paper, we propose a
learning to optimize algorithm for mitigating catastrophic forgetting. Instead
of trying to formulate a new constraint function ourselves, we propose to train
another neural network to predict parameter update steps that respect the
importance of parameters to the previous tasks. In the proposed meta-training
scheme, the update predictor is trained to minimize loss on a combination of
current and past tasks. We show experimentally that the proposed approach works
in the continual learning setting.
|
Reinforcement Learning with Function-Valued Action Spaces for Partial
Differential Equation Control
|
Recent work has shown that reinforcement learning (RL) is a promising
approach to control dynamical systems described by partial differential
equations (PDE). This paper shows how to use RL to tackle more general PDE
control problems that have continuous high-dimensional action spaces with
spatial relationship among action dimensions. In particular, we propose the
concept of action descriptors, which encode regularities among
spatially-extended action dimensions and enable the agent to control
high-dimensional action PDEs. We provide theoretical evidence suggesting that
this approach can be more sample efficient compared to a conventional approach
that treats each action dimension separately and does not explicitly exploit
the spatial regularity of the action space. The action descriptor approach is
then used within the deep deterministic policy gradient algorithm. Experiments
on two PDE control problems, with up to 256-dimensional continuous actions,
show the advantage of the proposed approach over the conventional one.
|
Bayesian Prediction of Future Street Scenes through Importance Sampling
based Optimization
|
For autonomous agents to successfully operate in the real world, anticipation
of future events and states of their environment is a key competence. This
problem can be formalized as a sequence prediction problem, where a number of
observations are used to predict the sequence into the future. However,
real-world scenarios demand a model of uncertainty of such predictions, as
future states become increasingly uncertain and multi-modal -- in particular on
long time horizons. This makes modelling and learning challenging. We cast
state of the art semantic segmentation and future prediction models based on
deep learning into a Bayesian formulation that in turn allows for a full
Bayesian treatment of the prediction problem. We present a new sampling scheme
for this model that draws from the success of variational autoencoders by
incorporating a recognition network. In the experiments we show that our model
outperforms prior work in accuracy of the predicted segmentation and provides
calibrated probabilities that also better capture the multi-modal aspects of
possible future states of street scenes.
|
Pressure Predictions of Turbine Blades with Deep Learning
|
Deep learning has been used in many areas, such as feature detections in
images and the game of go. This paper presents a study that attempts to use the
deep learning method to predict turbomachinery performance. Three different
deep neural networks are built and trained to predict the pressure
distributions of turbine airfoils. The performance of a library of turbine
airfoils were firstly predicted using methods based on Euler equations, which
were then used to train and validate the deep learning neural networks. The
results show that network with four layers of convolutional neural network and
two layers of fully connected neural network provides the best predictions. For
the best neural network architecture, the pressure prediction on more than 99%
locations are better than 3% and 90% locations are better than 1%.
|
Overlapping Clustering Models, and One (class) SVM to Bind Them All
|
People belong to multiple communities, words belong to multiple topics, and
books cover multiple genres; overlapping clusters are commonplace. Many
existing overlapping clustering methods model each person (or word, or book) as
a non-negative weighted combination of "exemplars" who belong solely to one
community, with some small noise. Geometrically, each person is a point on a
cone whose corners are these exemplars. This basic form encompasses the widely
used Mixed Membership Stochastic Blockmodel of networks (Airoldi et al., 2008)
and its degree-corrected variants (Jin et al., 2017), as well as topic models
such as LDA (Blei et al., 2003). We show that a simple one-class SVM yields
provably consistent parameter inference for all such models, and scales to
large datasets. Experimental results on several simulated and real datasets
show our algorithm (called SVM-cone) is both accurate and scalable.
|
Semantic Image Retrieval by Uniting Deep Neural Networks and Cognitive
Architectures
|
Image and video retrieval by their semantic content has been an important and
challenging task for years, because it ultimately requires bridging the
symbolic/subsymbolic gap. Recent successes in deep learning enabled detection
of objects belonging to many classes greatly outperforming traditional computer
vision techniques. However, deep learning solutions capable of executing
retrieval queries are still not available. We propose a hybrid solution
consisting of a deep neural network for object detection and a cognitive
architecture for query execution. Specifically, we use YOLOv2 and OpenCog.
Queries allowing the retrieval of video frames containing objects of specified
classes and specified spatial arrangement are implemented.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.