title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Graph sketching-based Space-efficient Data Clustering | In this paper, we address the problem of recovering arbitrary-shaped data
clusters from datasets while facing \emph{high space constraints}, as this is
for instance the case in many real-world applications when analysis algorithms
are directly deployed on resources-limited mobile devices collecting the data.
We present DBMSTClu a new space-efficient density-based \emph{non-parametric}
method working on a Minimum Spanning Tree (MST) recovered from a limited number
of linear measurements i.e. a \emph{sketched} version of the dissimilarity
graph $\mathcal{G}$ between the $N$ objects to cluster. Unlike $k$-means,
$k$-medians or $k$-medoids algorithms, it does not fail at distinguishing
clusters with particular forms thanks to the property of the MST for expressing
the underlying structure of a graph. No input parameter is needed contrarily to
DBSCAN or the Spectral Clustering method. An approximate MST is retrieved by
following the dynamic \emph{semi-streaming} model in handling the dissimilarity
graph $\mathcal{G}$ as a stream of edge weight updates which is sketched in one
pass over the data into a compact structure requiring $O(N
\operatorname{polylog}(N))$ space, far better than the theoretical memory cost
$O(N^2)$ of $\mathcal{G}$. The recovered approximate MST $\mathcal{T}$ as
input, DBMSTClu then successfully detects the right number of nonconvex
clusters by performing relevant cuts on $\mathcal{T}$ in a time linear in $N$.
We provide theoretical guarantees on the quality of the clustering partition
and also demonstrate its advantage over the existing state-of-the-art on
several datasets.
|
Global Weisfeiler-Lehman Graph Kernels | Most state-of-the-art graph kernels only take local graph properties into
account, i.e., the kernel is computed with regard to properties of the
neighborhood of vertices or other small substructures. On the other hand,
kernels that do take global graph propertiesinto account may not scale well to
large graph databases. Here we propose to start exploring the space between
local and global graph kernels, striking the balance between both worlds.
Specifically, we introduce a novel graph kernel based on the $k$-dimensional
Weisfeiler-Lehman algorithm. Unfortunately, the $k$-dimensional
Weisfeiler-Lehman algorithm scales exponentially in $k$. Consequently, we
devise a stochastic version of the kernel with provable approximation
guarantees using conditional Rademacher averages. On bounded-degree graphs, it
can even be computed in constant time. We support our theoretical results with
experiments on several graph classification benchmarks, showing that our
kernels often outperform the state-of-the-art in terms of classification
accuracies.
|
Learning from Noisy Labels with Distillation | The ability of learning from noisy labels is very useful in many visual
recognition tasks, as a vast amount of data with noisy labels are relatively
easy to obtain. Traditionally, the label noises have been treated as
statistical outliers, and approaches such as importance re-weighting and
bootstrap have been proposed to alleviate the problem. According to our
observation, the real-world noisy labels exhibit multi-mode characteristics as
the true labels, rather than behaving like independent random outliers. In this
work, we propose a unified distillation framework to use side information,
including a small clean dataset and label relations in knowledge graph, to
"hedge the risk" of learning from noisy labels. Furthermore, unlike the
traditional approaches evaluated based on simulated label noises, we propose a
suite of new benchmark datasets, in Sports, Species and Artifacts domains, to
evaluate the task of learning from noisy labels in the practical setting. The
empirical study demonstrates the effectiveness of our proposed method in all
the domains.
|
On Structured Prediction Theory with Calibrated Convex Surrogate Losses | We provide novel theoretical insights on structured prediction in the context
of efficient convex surrogate loss minimization with consistency guarantees.
For any task loss, we construct a convex surrogate that can be optimized via
stochastic gradient descent and we prove tight bounds on the so-called
"calibration function" relating the excess surrogate risk to the actual risk.
In contrast to prior related work, we carefully monitor the effect of the
exponential number of classes in the learning guarantees as well as on the
optimization complexity. As an interesting consequence, we formalize the
intuition that some task losses make learning harder than others, and that the
classical 0-1 loss is ill-suited for general structured prediction.
|
Probabilistic learning of nonlinear dynamical systems using sequential
Monte Carlo | Probabilistic modeling provides the capability to represent and manipulate
uncertainty in data, models, predictions and decisions. We are concerned with
the problem of learning probabilistic models of dynamical systems from measured
data. Specifically, we consider learning of probabilistic nonlinear state-space
models. There is no closed-form solution available for this problem, implying
that we are forced to use approximations. In this tutorial we will provide a
self-contained introduction to one of the state-of-the-art methods---the
particle Metropolis--Hastings algorithm---which has proven to offer a practical
approximation. This is a Monte Carlo based method, where the particle filter is
used to guide a Markov chain Monte Carlo method through the parameter space.
One of the key merits of the particle Metropolis--Hastings algorithm is that it
is guaranteed to converge to the "true solution" under mild assumptions,
despite being based on a particle filter with only a finite number of
particles. We will also provide a motivating numerical example illustrating the
method using a modeling language tailored for sequential Monte Carlo methods.
The intention of modeling languages of this kind is to open up the power of
sophisticated Monte Carlo methods---including particle
Metropolis--Hastings---to a large group of users without requiring them to know
all the underlying mathematical details.
|
An investigation into machine learning approaches for forecasting
spatio-temporal demand in ride-hailing service | In this paper, we present machine learning approaches for characterizing and
forecasting the short-term demand for on-demand ride-hailing services. We
propose the spatio-temporal estimation of the demand that is a function of
variable effects related to traffic, pricing and weather conditions. With
respect to the methodology, a single decision tree, bootstrap-aggregated
(bagged) decision trees, random forest, boosted decision trees, and artificial
neural network for regression have been adapted and systematically compared
using various statistics, e.g. R-square, Root Mean Square Error (RMSE), and
slope. To better assess the quality of the models, they have been tested on a
real case study using the data of DiDi Chuxing, the main on-demand ride hailing
service provider in China. In the current study, 199,584 time-slots describing
the spatio-temporal ride-hailing demand has been extracted with an
aggregated-time interval of 10 mins. All the methods are trained and validated
on the basis of two independent samples from this dataset. The results revealed
that boosted decision trees provide the best prediction accuracy (RMSE=16.41),
while avoiding the risk of over-fitting, followed by artificial neural network
(20.09), random forest (23.50), bagged decision trees (24.29) and single
decision tree (33.55).
|
Unsupervised learning of phase transitions: from principal component
analysis to variational autoencoders | We employ unsupervised machine learning techniques to learn latent parameters
which best describe states of the two-dimensional Ising model and the
three-dimensional XY model. These methods range from principal component
analysis to artificial neural network based variational autoencoders. The
states are sampled using a Monte-Carlo simulation above and below the critical
temperature. We find that the predicted latent parameters correspond to the
known order parameters. The latent representation of the states of the models
in question are clustered, which makes it possible to identify phases without
prior knowledge of their existence or the underlying Hamiltonian. Furthermore,
we find that the reconstruction loss function can be used as a universal
identifier for phase transitions.
|
PathTrack: Fast Trajectory Annotation with Path Supervision | Progress in Multiple Object Tracking (MOT) has been historically limited by
the size of the available datasets. We present an efficient framework to
annotate trajectories and use it to produce a MOT dataset of unprecedented
size. In our novel path supervision the annotator loosely follows the object
with the cursor while watching the video, providing a path annotation for each
object in the sequence. Our approach is able to turn such weak annotations into
dense box trajectories. Our experiments on existing datasets prove that our
framework produces more accurate annotations than the state of the art, in a
fraction of the time. We further validate our approach by crowdsourcing the
PathTrack dataset, with more than 15,000 person trajectories in 720 sequences.
Tracking approaches can benefit training on such large-scale datasets, as did
object recognition. We prove this by re-training an off-the-shelf person
matching network, originally trained on the MOT15 dataset, almost halving the
misclassification rate. Additionally, training on our data consistently
improves tracking results, both on our dataset and on MOT15. On the latter, we
improve the top-performing tracker (NOMT) dropping the number of IDSwitches by
18% and fragments by 5%.
|
Online Multilinear Dictionary Learning | A method for online tensor dictionary learning is proposed. With the
assumption of separable dictionaries, tensor contraction is used to diminish a
$N$-way model of $\mathcal{O}\left(L^N\right)$ into a simple matrix equation of
$\mathcal{O}\left(NL^2\right)$ with a real-time capability. To avoid numerical
instability due to inversion of sparse matrix, a class of stochastic gradient
with memory is formulated via a least-square solution to guarantee convergence
and robustness. Both gradient descent with exact line search and Newton's
method are discussed and realized. Extensions onto how to deal with bad
initialization and outliers are also explained in detail. Experiments on two
synthetic signals confirms an impressive performance of our proposed method.
|
Leveraging Large Amounts of Weakly Supervised Data for Multi-Language
Sentiment Classification | This paper presents a novel approach for multi-lingual sentiment
classification in short texts. This is a challenging task as the amount of
training data in languages other than English is very limited. Previously
proposed multi-lingual approaches typically require to establish a
correspondence to English for which powerful classifiers are already available.
In contrast, our method does not require such supervision. We leverage large
amounts of weakly-supervised data in various languages to train a multi-layer
convolutional network and demonstrate the importance of using pre-training of
such networks. We thoroughly evaluate our approach on various multi-lingual
datasets, including the recent SemEval-2016 sentiment prediction benchmark
(Task 4), where we achieved state-of-the-art performance. We also compare the
performance of our model trained individually for each language to a variant
trained for all languages at once. We show that the latter model reaches
slightly worse - but still acceptable - performance when compared to the single
language model, while benefiting from better generalization properties across
languages.
|
Faster Coordinate Descent via Adaptive Importance Sampling | Coordinate descent methods employ random partial updates of decision
variables in order to solve huge-scale convex optimization problems. In this
work, we introduce new adaptive rules for the random selection of their
updates. By adaptive, we mean that our selection rules are based on the dual
residual or the primal-dual gap estimates and can change at each iteration. We
theoretically characterize the performance of our selection rules and
demonstrate improvements over the state-of-the-art, and extend our theory and
algorithms to general convex objectives. Numerical evidence with hinge-loss
support vector machines and Lasso confirm that the practice follows the theory.
|
Online Learning to Rank in Stochastic Click Models | Online learning to rank is a core problem in information retrieval and
machine learning. Many provably efficient algorithms have been recently
proposed for this problem in specific click models. The click model is a model
of how the user interacts with a list of documents. Though these results are
significant, their impact on practice is limited, because all proposed
algorithms are designed for specific click models and lack convergence
guarantees in other models. In this work, we propose BatchRank, the first
online learning to rank algorithm for a broad class of click models. The class
encompasses two most fundamental click models, the cascade and position-based
models. We derive a gap-dependent upper bound on the $T$-step regret of
BatchRank and evaluate it on a range of web search queries. We observe that
BatchRank outperforms ranked bandits and is more robust than CascadeKL-UCB, an
existing algorithm for the cascade model.
|
Stopping GAN Violence: Generative Unadversarial Networks | While the costs of human violence have attracted a great deal of attention
from the research community, the effects of the network-on-network (NoN)
violence popularised by Generative Adversarial Networks have yet to be
addressed. In this work, we quantify the financial, social, spiritual,
cultural, grammatical and dermatological impact of this aggression and address
the issue by proposing a more peaceful approach which we term Generative
Unadversarial Networks (GUNs). Under this framework, we simultaneously train
two models: a generator G that does its best to capture whichever data
distribution it feels it can manage, and a motivator M that helps G to achieve
its dream. Fighting is strictly verboten and both models evolve by learning to
respect their differences. The framework is both theoretically and electrically
grounded in game theory, and can be viewed as a winner-shares-all two-player
game in which both players work as a team to achieve the best score.
Experiments show that by working in harmony, the proposed model is able to
claim both the moral and log-likelihood high ground. Our work builds on a rich
history of carefully argued position-papers, published as anonymous YouTube
comments, which prove that the optimal solution to NoN violence is more GUNs.
|
Online Learning of Optimal Bidding Strategy in Repeated Multi-Commodity
Auctions | We study the online learning problem of a bidder who participates in repeated
auctions. With the goal of maximizing his T-period payoff, the bidder
determines the optimal allocation of his budget among his bids for $K$ goods at
each period. As a bidding strategy, we propose a polynomial-time algorithm,
inspired by the dynamic programming approach to the knapsack problem. The
proposed algorithm, referred to as dynamic programming on discrete set (DPDS),
achieves a regret order of $O(\sqrt{T\log{T}})$. By showing that the regret is
lower bounded by $\Omega(\sqrt{T})$ for any strategy, we conclude that DPDS is
order optimal up to a $\sqrt{\log{T}}$ term. We evaluate the performance of
DPDS empirically in the context of virtual trading in wholesale electricity
markets by using historical data from the New York market. Empirical results
show that DPDS consistently outperforms benchmark heuristic methods that are
derived from machine learning and online learning approaches.
|
Regularising Non-linear Models Using Feature Side-information | Very often features come with their own vectorial descriptions which provide
detailed information about their properties. We refer to these vectorial
descriptions as feature side-information. In the standard learning scenario,
input is represented as a vector of features and the feature side-information
is most often ignored or used only for feature selection prior to model
fitting. We believe that feature side-information which carries information
about features intrinsic property will help improve model prediction if used in
a proper way during learning process. In this paper, we propose a framework
that allows for the incorporation of the feature side-information during the
learning of very general model families to improve the prediction performance.
We control the structures of the learned models so that they reflect features
similarities as these are defined on the basis of the side-information. We
perform experiments on a number of benchmark datasets which show significant
predictive performance gains, over a number of baselines, as a result of the
exploitation of the side-information.
|
Data Noising as Smoothing in Neural Network Language Models | Data noising is an effective technique for regularizing neural network
models. While noising is widely adopted in application domains such as vision
and speech, commonly used noising primitives have not been developed for
discrete sequence-level settings such as language modeling. In this paper, we
derive a connection between input noising in neural network language models and
smoothing in $n$-gram models. Using this connection, we draw upon ideas from
smoothing to develop effective noising schemes. We demonstrate performance
gains when applying the proposed schemes to language modeling and machine
translation. Finally, we provide empirical analysis validating the relationship
between noising and smoothing.
|
Customer Lifetime Value Prediction Using Embeddings | We describe the Customer LifeTime Value (CLTV) prediction system deployed at
ASOS.com, a global online fashion retailer. CLTV prediction is an important
problem in e-commerce where an accurate estimate of future value allows
retailers to effectively allocate marketing spend, identify and nurture high
value customers and mitigate exposure to losses. The system at ASOS provides
daily estimates of the future value of every customer and is one of the
cornerstones of the personalised shopping experience. The state of the art in
this domain uses large numbers of handcrafted features and ensemble regressors
to forecast value, predict churn and evaluate customer loyalty. Recently,
domains including language, vision and speech have shown dramatic advances by
replacing handcrafted features with features that are learned automatically
from data. We detail the system deployed at ASOS and show that learning feature
representations is a promising extension to the state of the art in CLTV
modelling. We propose a novel way to generate embeddings of customers, which
addresses the issue of the ever changing product catalogue and obtain a
significant improvement over an exhaustive set of handcrafted features.
|
Bootstrapped Graph Diffusions: Exposing the Power of Nonlinearity | Graph-based semi-supervised learning (SSL) algorithms predict labels for all
nodes based on provided labels of a small set of seed nodes. Classic methods
capture the graph structure through some underlying diffusion process that
propagates through the graph edges. Spectral diffusion, which includes
personalized page rank and label propagation, propagates through random walks.
Social diffusion propagates through shortest paths. A common ground to these
diffusions is their {\em linearity}, which does not distinguish between
contributions of few "strong" relations and many "weak" relations.
Recently, non-linear methods such as node embeddings and graph convolutional
networks (GCN) demonstrated a large gain in quality for SSL tasks. These
methods introduce multiple components and greatly vary on how the graph
structure, seed label information, and other features are used.
We aim here to study the contribution of non-linearity, as an isolated
ingredient, to the performance gain. To do so, we place classic linear graph
diffusions in a self-training framework. Surprisingly, we observe that SSL
using the resulting {\em bootstrapped diffusions} not only significantly
improves over the respective non-bootstrapped baselines but also outperform
state-of-the-art non-linear SSL methods. Moreover, since the self-training
wrapper retains the scalability of the base method, we obtain both higher
quality and better scalability.
|
Online Convex Optimization with Unconstrained Domains and Losses | We propose an online convex optimization algorithm (RescaledExp) that
achieves optimal regret in the unconstrained setting without prior knowledge of
any bounds on the loss functions. We prove a lower bound showing an exponential
separation between the regret of existing algorithms that require a known bound
on the loss functions and any algorithm that does not require such knowledge.
RescaledExp matches this lower bound asymptotically in the number of
iterations. RescaledExp is naturally hyperparameter-free and we demonstrate
empirically that it matches prior optimization algorithms that require
hyperparameter optimization.
|
Horde of Bandits using Gaussian Markov Random Fields | The gang of bandits (GOB) model \cite{cesa2013gang} is a recent contextual
bandits framework that shares information between a set of bandit problems,
related by a known (possibly noisy) graph. This model is useful in problems
like recommender systems where the large number of users makes it vital to
transfer information between users. Despite its effectiveness, the existing GOB
model can only be applied to small problems due to its quadratic
time-dependence on the number of nodes. Existing solutions to combat the
scalability issue require an often-unrealistic clustering assumption. By
exploiting a connection to Gaussian Markov random fields (GMRFs), we show that
the GOB model can be made to scale to much larger graphs without additional
assumptions. In addition, we propose a Thompson sampling algorithm which uses
the recent GMRF sampling-by-perturbation technique, allowing it to scale to
even larger problems (leading to a "horde" of bandits). We give regret bounds
and experimental results for GOB with Thompson sampling and epoch-greedy
algorithms, indicating that these methods are as good as or significantly
better than ignoring the graph or adopting a clustering-based approach.
Finally, when an existing graph is not available, we propose a heuristic for
learning it on the fly and show promising results.
|
Online Learning Without Prior Information | The vast majority of optimization and online learning algorithms today
require some prior information about the data (often in the form of bounds on
gradients or on the optimal parameter value). When this information is not
available, these algorithms require laborious manual tuning of various
hyperparameters, motivating the search for algorithms that can adapt to the
data with no prior information. We describe a frontier of new lower bounds on
the performance of such algorithms, reflecting a tradeoff between a term that
depends on the optimal parameter value and a term that depends on the
gradients' rate of growth. Further, we construct a family of algorithms whose
performance matches any desired point on this frontier, which no previous
algorithm reaches.
|
Don't Fear the Bit Flips: Optimized Coding Strategies for Binary
Classification | After being trained, classifiers must often operate on data that has been
corrupted by noise. In this paper, we consider the impact of such noise on the
features of binary classifiers. Inspired by tools for classifier robustness, we
introduce the same classification probability (SCP) to measure the resulting
distortion on the classifier outputs. We introduce a low-complexity estimate of
the SCP based on quantization and polynomial multiplication. We also study
channel coding techniques based on replication error-correcting codes. In
contrast to the traditional channel coding approach, where error-correction is
meant to preserve the data and is agnostic to the application, our schemes
specifically aim to maximize the SCP (equivalently minimizing the distortion of
the classifier output) for the same redundancy overhead.
|
Streaming Weak Submodularity: Interpreting Neural Networks on the Fly | In many machine learning applications, it is important to explain the
predictions of a black-box classifier. For example, why does a deep neural
network assign an image to a particular class? We cast interpretability of
black-box classifiers as a combinatorial maximization problem and propose an
efficient streaming algorithm to solve it subject to cardinality constraints.
By extending ideas from Badanidiyuru et al. [2014], we provide a constant
factor approximation guarantee for our algorithm in the case of random stream
order and a weakly submodular objective function. This is the first such
theoretical guarantee for this general class of functions, and we also show
that no such algorithm exists for a worst case stream order. Our algorithm
obtains similar explanations of Inception V3 predictions $10$ times faster than
the state-of-the-art LIME framework of Ribeiro et al. [2016].
|
Towards Generalization and Simplicity in Continuous Control | This work shows that policies with simple linear and RBF parameterizations
can be trained to solve a variety of continuous control tasks, including the
OpenAI gym benchmarks. The performance of these trained policies are
competitive with state of the art results, obtained with more elaborate
parameterizations such as fully connected neural networks. Furthermore,
existing training and testing scenarios are shown to be very limited and prone
to over-fitting, thus giving rise to only trajectory-centric policies. Training
with a diverse initial state distribution is shown to produce more global
policies with better generalization. This allows for interactive control
scenarios where the system recovers from large on-line perturbations; as shown
in the supplementary video.
|
Structural Data Recognition with Graph Model Boosting | This paper presents a novel method for structural data recognition using a
large number of graph models. In general, prevalent methods for structural data
recognition have two shortcomings: 1) Only a single model is used to capture
structural variation. 2) Naive recognition methods are used, such as the
nearest neighbor method. In this paper, we propose strengthening the
recognition performance of these models as well as their ability to capture
structural variation. The proposed method constructs a large number of graph
models and trains decision trees using the models. This paper makes two main
contributions. The first is a novel graph model that can quickly perform
calculations, which allows us to construct several models in a feasible amount
of time. The second contribution is a novel approach to structural data
recognition: graph model boosting. Comprehensive structural variations can be
captured with a large number of graph models constructed in a boosting
framework, and a sophisticated classifier can be formed by aggregating the
decision trees. Consequently, we can carry out structural data recognition with
powerful recognition capability in the face of comprehensive structural
variation. The experiments shows that the proposed method achieves impressive
results and outperforms existing methods on datasets of IAM graph database
repository.
|
Sparse Quadratic Logistic Regression in Sub-quadratic Time | We consider support recovery in the quadratic logistic regression setting -
where the target depends on both p linear terms $x_i$ and up to $p^2$ quadratic
terms $x_i x_j$. Quadratic terms enable prediction/modeling of higher-order
effects between features and the target, but when incorporated naively may
involve solving a very large regression problem. We consider the sparse case,
where at most $s$ terms (linear or quadratic) are non-zero, and provide a new
faster algorithm. It involves (a) identifying the weak support (i.e. all
relevant variables) and (b) standard logistic regression optimization only on
these chosen variables. The first step relies on a novel insight about
correlation tests in the presence of non-linearity, and takes $O(pn)$ time for
$n$ samples - giving potentially huge computational gains over the naive
approach. Motivated by insights from the boolean case, we propose a non-linear
correlation test for non-binary finite support case that involves hashing a
variable and then correlating with the output variable. We also provide
experimental results to demonstrate the effectiveness of our methods.
|
Exact MAP Inference by Avoiding Fractional Vertices | Given a graphical model, one essential problem is MAP inference, that is,
finding the most likely configuration of states according to the model.
Although this problem is NP-hard, large instances can be solved in practice. A
major open question is to explain why this is true. We give a natural condition
under which we can provably perform MAP inference in polynomial time. We
require that the number of fractional vertices in the LP relaxation exceeding
the optimal solution is bounded by a polynomial in the problem size. This
resolves an open question by Dimakis, Gohari, and Wainwright. In contrast, for
general LP relaxations of integer programs, known techniques can only handle a
constant number of fractional vertices whose value exceeds the optimal
solution. We experimentally verify this condition and demonstrate how efficient
various integer programming methods are at removing fractional solutions.
|
Leveraging Sparsity for Efficient Submodular Data Summarization | The facility location problem is widely used for summarizing large datasets
and has additional applications in sensor placement, image retrieval, and
clustering. One difficulty of this problem is that submodular optimization
algorithms require the calculation of pairwise benefits for all items in the
dataset. This is infeasible for large problems, so recent work proposed to only
calculate nearest neighbor benefits. One limitation is that several strong
assumptions were invoked to obtain provable approximation guarantees. In this
paper we establish that these extra assumptions are not necessary---solving the
sparsified problem will be almost optimal under the standard assumptions of the
problem. We then analyze a different method of sparsification that is a better
model for methods such as Locality Sensitive Hashing to accelerate the nearest
neighbor computations and extend the use of the problem to a broader family of
similarities. We validate our approach by demonstrating that it rapidly
generates interpretable summaries.
|
Robust Adversarial Reinforcement Learning | Deep neural networks coupled with fast simulation and improved computation
have led to recent successes in the field of reinforcement learning (RL).
However, most current RL-based approaches fail to generalize since: (a) the gap
between simulation and real world is so large that policy-learning approaches
fail to transfer; (b) even if policy learning is done in real world, the data
scarcity leads to failed generalization from training to test scenarios (e.g.,
due to different friction or object masses). Inspired from H-infinity control
methods, we note that both modeling errors and differences in training and test
scenarios can be viewed as extra forces/disturbances in the system. This paper
proposes the idea of robust adversarial reinforcement learning (RARL), where we
train an agent to operate in the presence of a destabilizing adversary that
applies disturbance forces to the system. The jointly trained adversary is
reinforced -- that is, it learns an optimal destabilization policy. We
formulate the policy learning as a zero-sum, minimax objective function.
Extensive experiments in multiple environments (InvertedPendulum, HalfCheetah,
Swimmer, Hopper and Walker2d) conclusively demonstrate that our method (a)
improves training stability; (b) is robust to differences in training/test
conditions; and c) outperform the baseline even in the absence of the
adversary.
|
On Approximation Guarantees for Greedy Low Rank Optimization | We provide new approximation guarantees for greedy low rank matrix estimation
under standard assumptions of restricted strong convexity and smoothness. Our
novel analysis also uncovers previously unknown connections between the low
rank estimation and combinatorial optimization, so much so that our bounds are
reminiscent of corresponding approximation bounds in submodular maximization.
Additionally, we also provide statistical recovery guarantees. Finally, we
present empirical comparison of greedy estimation with established baselines on
two important real-world problems.
|
Scalable Greedy Feature Selection via Weak Submodularity | Greedy algorithms are widely used for problems in machine learning such as
feature selection and set function optimization. Unfortunately, for large
datasets, the running time of even greedy algorithms can be quite high. This is
because for each greedy step we need to refit a model or calculate a function
using the previously selected choices and the new candidate.
Two algorithms that are faster approximations to the greedy forward selection
were introduced recently ([Mirzasoleiman et al. 2013, 2015]). They achieve
better performance by exploiting distributed computation and stochastic
evaluation respectively. Both algorithms have provable performance guarantees
for submodular functions.
In this paper we show that divergent from previously held opinion,
submodularity is not required to obtain approximation guarantees for these two
algorithms. Specifically, we show that a generalized concept of weak
submodularity suffices to give multiplicative approximation guarantees. Our
result extends the applicability of these algorithms to a larger class of
functions. Furthermore, we show that a bounded submodularity ratio can be used
to provide data dependent bounds that can sometimes be tighter also for
submodular functions. We empirically validate our work by showing superior
performance of fast greedy approximations versus several established baselines
on artificial and real datasets.
|
Tensor SVD: Statistical and Computational Limits | In this paper, we propose a general framework for tensor singular value
decomposition (tensor SVD), which focuses on the methodology and theory for
extracting the hidden low-rank structure from high-dimensional tensor data.
Comprehensive results are developed on both the statistical and computational
limits for tensor SVD. This problem exhibits three different phases according
to the signal-to-noise ratio (SNR). In particular, with strong SNR, we show
that the classical higher-order orthogonal iteration achieves the minimax
optimal rate of convergence in estimation; with weak SNR, the
information-theoretical lower bound implies that it is impossible to have
consistent estimation in general; with moderate SNR, we show that the
non-convex maximum likelihood estimation provides optimal solution, but with
NP-hard computational cost; moreover, under the hardness hypothesis of
hypergraphic planted clique detection, there are no polynomial-time algorithms
performing consistently in general.
|
Inference in Sparse Graphs with Pairwise Measurements and Side
Information | We consider the statistical problem of recovering a hidden "ground truth"
binary labeling for the vertices of a graph up to low Hamming error from noisy
edge and vertex measurements. We present new algorithms and a sharp
finite-sample analysis for this problem on trees and sparse graphs with poor
expansion properties such as hypergrids and ring lattices. Our method
generalizes and improves over that of Globerson et al. (2015), who introduced
the problem for two-dimensional grid lattices.
For trees we provide a simple, efficient, algorithm that infers the ground
truth with optimal Hamming error has optimal sample complexity and implies
recovery results for all connected graphs. Here, the presence of side
information is critical to obtain a non-trivial recovery rate. We then show how
to adapt this algorithm to tree decompositions of edge-subgraphs of certain
graph families such as lattices, resulting in optimal recovery error rates that
can be obtained efficiently
The thrust of our analysis is to 1) use the tree decomposition along with
edge measurements to produce a small class of viable vertex labelings and 2)
apply an analysis influenced by statistical learning theory to show that we can
infer the ground truth from this class using vertex measurements. We show the
power of our method in several examples including hypergrids, ring lattices,
and the Newman-Watts model for small world graphs. For two-dimensional grids,
our results improve over Globerson et al. (2015) by obtaining optimal recovery
in the constant-height regime.
|
Byzantine-Tolerant Machine Learning | The growth of data, the need for scalability and the complexity of models
used in modern machine learning calls for distributed implementations. Yet, as
of today, distributed machine learning frameworks have largely ignored the
possibility of arbitrary (i.e., Byzantine) failures. In this paper, we study
the robustness to Byzantine failures at the fundamental level of stochastic
gradient descent (SGD), the heart of most machine learning algorithms. Assuming
a set of $n$ workers, up to $f$ of them being Byzantine, we ask how robust can
SGD be, without limiting the dimension, nor the size of the parameter space.
We first show that no gradient descent update rule based on a linear
combination of the vectors proposed by the workers (i.e, current approaches)
tolerates a single Byzantine failure. We then formulate a resilience property
of the update rule capturing the basic requirements to guarantee convergence
despite $f$ Byzantine workers. We finally propose Krum, an update rule that
satisfies the resilience property aforementioned. For a $d$-dimensional
learning problem, the time complexity of Krum is $O(n^2 \cdot (d + \log n))$.
|
An Integrated and Scalable Platform for Proactive Event-Driven Traffic
Management | Traffic on freeways can be managed by means of ramp meters from Road Traffic
Control rooms. Human operators cannot efficiently manage a network of ramp
meters. To support them, we present an intelligent platform for traffic
management which includes a new ramp metering coordination scheme in the
decision making module, an efficient dashboard for interacting with human
operators, machine learning tools for learning event definitions and Complex
Event Processing tools able to deal with uncertainties inherent to the traffic
use case. Unlike the usual approach, the devised event-driven platform is able
to predict a congestion up to 4 minutes before it really happens. Proactive
decision making can then be established leading to significant improvement of
traffic conditions.
|
Pretata: predicting TATA binding proteins with novel features and
dimensionality reduction strategy | Background: It is necessary and essential to discovery protein function from
the novel primary sequences. Wet lab experimental procedures are not only
time-consuming, but also costly, so predicting protein structure and function
reliably based only on amino acid sequence has significant value. TATA-binding
protein (TBP) is a kind of DNA binding protein, which plays a key role in the
transcription regulation. Our study proposed an automatic approach for
identifying TATA-binding proteins efficiently, accurately, and conveniently.
This method would guide for the special protein identification with
computational intelligence strategies. Results: Firstly, we proposed novel
fingerprint features for TBP based on pseudo amino acid composition,
physicochemical properties, and secondary structure. Secondly, hierarchical
features dimensionality reduction strategies were employed to improve the
performance furthermore. Currently, Pretata achieves 92.92% TATA- binding
protein prediction accuracy, which is better than all other existing methods.
Conclusions: The experiments demonstrate that our method could greatly improve
the prediction accuracy and speed, thus allowing large-scale NGS data
prediction to be practical. A web server is developed to facilitate the other
researchers, which can be accessed at http://server.malab.cn/preTata/.
|
Discriminative models for multi-instance problems with tree-structure | Modeling network traffic is gaining importance in order to counter modern
threats of ever increasing sophistication. It is though surprisingly difficult
and costly to construct reliable classifiers on top of telemetry data due to
the variety and complexity of signals that no human can manage to interpret in
full. Obtaining training data with sufficiently large and variable body of
labels can thus be seen as prohibitive problem. The goal of this work is to
detect infected computers by observing their HTTP(S) traffic collected from
network sensors, which are typically proxy servers or network firewalls, while
relying on only minimal human input in model training phase. We propose a
discriminative model that makes decisions based on all computer's traffic
observed during predefined time window (5 minutes in our case). The model is
trained on collected traffic samples over equally sized time window per large
number of computers, where the only labels needed are human verdicts about the
computer as a whole (presumed infected vs. presumed clean). As part of training
the model itself recognizes discriminative patterns in traffic targeted to
individual servers and constructs the final high-level classifier on top of
them. We show the classifier to perform with very high precision, while the
learned traffic patterns can be interpreted as Indicators of Compromise. In the
following we implement the discriminative model as a neural network with
special structure reflecting two stacked multi-instance problems. The main
advantages of the proposed configuration include not only improved accuracy and
ability to learn from gross labels, but also automatic learning of server types
(together with their detectors) which are typically visited by infected
computers.
|
Memory Enriched Big Bang Big Crunch Optimization Algorithm for Data
Clustering | Cluster analysis plays an important role in decision making process for many
knowledge-based systems. There exist a wide variety of different approaches for
clustering applications including the heuristic techniques, probabilistic
models, and traditional hierarchical algorithms. In this paper, a novel
heuristic approach based on big bang-big crunch algorithm is proposed for
clustering problems. The proposed method not only takes advantage of heuristic
nature to alleviate typical clustering algorithms such as k-means, but it also
benefits from the memory based scheme as compared to its similar heuristic
techniques. Furthermore, the performance of the proposed algorithm is
investigated based on several benchmark test functions as well as on the
well-known datasets. The experimental results show the significant superiority
of the proposed method over the similar algorithms.
|
Model-Based Policy Search for Automatic Tuning of Multivariate PID
Controllers | PID control architectures are widely used in industrial applications. Despite
their low number of open parameters, tuning multiple, coupled PID controllers
can become tedious in practice. In this paper, we extend PILCO, a model-based
policy search framework, to automatically tune multivariate PID controllers
purely based on data observed on an otherwise unknown system. The system's
state is extended appropriately to frame the PID policy as a static state
feedback policy. This renders PID tuning possible as the solution of a finite
horizon optimal control problem without further a priori knowledge. The
framework is applied to the task of balancing an inverted pendulum on a seven
degree-of-freedom robotic arm, thereby demonstrating its capabilities of fast
and data-efficient policy learning, even on complex real world problems.
|
Learning a Unified Control Policy for Safe Falling | Being able to fall safely is a necessary motor skill for humanoids performing
highly dynamic tasks, such as running and jumping. We propose a new method to
learn a policy that minimizes the maximal impulse during the fall. The
optimization solves for both a discrete contact planning problem and a
continuous optimal control problem. Once trained, the policy can compute the
optimal next contacting body part (e.g. left foot, right foot, or hands),
contact location and timing, and the required joint actuation. We represent the
policy as a mixture of actor-critic neural network, which consists of n control
policies and the corresponding value functions. Each pair of actor-critic is
associated with one of the n possible contacting body parts. During execution,
the policy corresponding to the highest value function will be executed while
the associated body part will be the next contact with the ground. With this
mixture of actor-critic architecture, the discrete contact sequence planning is
solved through the selection of the best critics while the continuous control
problem is solved by the optimization of actors. We show that our policy can
achieve comparable, sometimes even higher, rewards than a recursive search of
the action space using dynamic programming, while enjoying 50 to 400 times of
speed gain during online execution.
|
Deep Bayesian Active Learning with Image Data | Even though active learning forms an important pillar of machine learning,
deep learning tools are not prevalent within it. Deep learning poses several
difficulties when used in an active learning setting. First, active learning
(AL) methods generally rely on being able to learn and update models from small
amounts of data. Recent advances in deep learning, on the other hand, are
notorious for their dependence on large amounts of data. Second, many AL
acquisition functions rely on model uncertainty, yet deep learning methods
rarely represent such model uncertainty. In this paper we combine recent
advances in Bayesian deep learning into the active learning framework in a
practical way. We develop an active learning framework for high dimensional
data, a task which has been extremely challenging so far, with very sparse
existing literature. Taking advantage of specialised models such as Bayesian
convolutional neural networks, we demonstrate our active learning techniques
with image data, obtaining a significant improvement on existing active
learning approaches. We demonstrate this on both the MNIST dataset, as well as
for skin cancer diagnosis from lesion images (ISIC2016 task).
|
Dropout Inference in Bayesian Neural Networks with Alpha-divergences | To obtain uncertainty estimates with real-world Bayesian deep learning
models, practical inference approximations are needed. Dropout variational
inference (VI) for example has been used for machine vision and medical
applications, but VI can severely underestimates model uncertainty.
Alpha-divergences are alternative divergences to VI's KL objective, which are
able to avoid VI's uncertainty underestimation. But these are hard to use in
practice: existing techniques can only use Gaussian approximating
distributions, and require existing models to be changed radically, thus are of
limited use for practitioners. We propose a re-parametrisation of the
alpha-divergence objectives, deriving a simple inference technique which,
together with dropout, can be easily implemented with existing models by simply
changing the loss of the model. We demonstrate improved uncertainty estimates
and accuracy compared to VI in dropout networks. We study our model's epistemic
uncertainty far away from the data using adversarial images, showing that these
can be distinguished from non-adversarial images by examining our model's
uncertainty.
|
Nearly-tight VC-dimension and pseudodimension bounds for piecewise
linear neural networks | We prove new upper and lower bounds on the VC-dimension of deep neural
networks with the ReLU activation function. These bounds are tight for almost
the entire range of parameters. Letting $W$ be the number of weights and $L$ be
the number of layers, we prove that the VC-dimension is $O(W L \log(W))$, and
provide examples with VC-dimension $\Omega( W L \log(W/L) )$. This improves
both the previously known upper bounds and lower bounds. In terms of the number
$U$ of non-linear units, we prove a tight bound $\Theta(W U)$ on the
VC-dimension. All of these bounds generalize to arbitrary piecewise linear
activation functions, and also hold for the pseudodimensions of these function
classes.
Combined with previous results, this gives an intriguing range of
dependencies of the VC-dimension on depth for networks with different
non-linearities: there is no dependence for piecewise-constant, linear
dependence for piecewise-linear, and no more than quadratic dependence for
general piecewise-polynomial.
|
A Hybrid Deep Learning Architecture for Privacy-Preserving Mobile
Analytics | Internet of Things (IoT) devices and applications are being deployed in our
homes and workplaces. These devices often rely on continuous data collection to
feed machine learning models. However, this approach introduces several privacy
and efficiency challenges, as the service operator can perform unwanted
inferences on the available data. Recently, advances in edge processing have
paved the way for more efficient, and private, data processing at the source
for simple tasks and lighter models, though they remain a challenge for larger,
and more complicated models. In this paper, we present a hybrid approach for
breaking down large, complex deep neural networks for cooperative,
privacy-preserving analytics. To this end, instead of performing the whole
operation on the cloud, we let an IoT device to run the initial layers of the
neural network, and then send the output to the cloud to feed the remaining
layers and produce the final result. In order to ensure that the user's device
contains no extra information except what is necessary for the main task and
preventing any secondary inference on the data, we introduce Siamese
fine-tuning. We evaluate the privacy benefits of this approach based on the
information exposed to the cloud service. We also assess the local inference
cost of different layers on a modern handset. Our evaluations show that by
using Siamese fine-tuning and at a small processing cost, we can greatly reduce
the level of unnecessary, potentially sensitive information in the personal
data, and thus achieving the desired trade-off between utility, privacy, and
performance.
|
Unsupervised Ensemble Regression | Consider a regression problem where there is no labeled data and the only
observations are the predictions $f_i(x_j)$ of $m$ experts $f_{i}$ over many
samples $x_j$. With no knowledge on the accuracy of the experts, is it still
possible to accurately estimate the unknown responses $y_{j}$? Can one still
detect the least or most accurate experts? In this work we propose a framework
to study these questions, based on the assumption that the $m$ experts have
uncorrelated deviations from the optimal predictor. Assuming the first two
moments of the response are known, we develop methods to detect the best and
worst regressors, and derive U-PCR, a novel principal components approach for
unsupervised ensemble regression. We provide theoretical support for U-PCR and
illustrate its improved accuracy over the ensemble mean and median on a variety
of regression problems.
|
A Manifold Approach to Learning Mutually Orthogonal Subspaces | Although many machine learning algorithms involve learning subspaces with
particular characteristics, optimizing a parameter matrix that is constrained
to represent a subspace can be challenging. One solution is to use Riemannian
optimization methods that enforce such constraints implicitly, leveraging the
fact that the feasible parameter values form a manifold. While Riemannian
methods exist for some specific problems, such as learning a single subspace,
there are more general subspace constraints that offer additional flexibility
when setting up an optimization problem, but have not been formulated as a
manifold.
We propose the partitioned subspace (PS) manifold for optimizing matrices
that are constrained to represent one or more subspaces. Each point on the
manifold defines a partitioning of the input space into mutually orthogonal
subspaces, where the number of partitions and their sizes are defined by the
user. As a result, distinct groups of features can be learned by defining
different objective functions for each partition. We illustrate the properties
of the manifold through experiments on multiple dataset analysis and domain
adaptation.
|
Spectral Graph Convolutions for Population-based Disease Prediction | Exploiting the wealth of imaging and non-imaging information for disease
prediction tasks requires models capable of representing, at the same time,
individual features as well as data associations between subjects from
potentially large populations. Graphs provide a natural framework for such
tasks, yet previous graph-based approaches focus on pairwise similarities
without modelling the subjects' individual characteristics and features. On the
other hand, relying solely on subject-specific imaging feature vectors fails to
model the interaction and similarity between subjects, which can reduce
performance. In this paper, we introduce the novel concept of Graph
Convolutional Networks (GCN) for brain analysis in populations, combining
imaging and non-imaging data. We represent populations as a sparse graph where
its vertices are associated with image-based feature vectors and the edges
encode phenotypic information. This structure was used to train a GCN model on
partially labelled graphs, aiming to infer the classes of unlabelled nodes from
the node features and pairwise associations between subjects. We demonstrate
the potential of the method on the challenging ADNI and ABIDE databases, as a
proof of concept of the benefit from integrating contextual information in
classification tasks. This has a clear impact on the quality of the
predictions, leading to 69.5% accuracy for ABIDE (outperforming the current
state of the art of 66.8%) and 77% for ADNI for prediction of MCI conversion,
significantly outperforming standard linear classifiers where only individual
features are considered.
|
Parallel Implementation of Efficient Search Schemes for the Inference of
Cancer Progression Models | The emergence and development of cancer is a consequence of the accumulation
over time of genomic mutations involving a specific set of genes, which
provides the cancer clones with a functional selective advantage. In this work,
we model the order of accumulation of such mutations during the progression,
which eventually leads to the disease, by means of probabilistic graphic
models, i.e., Bayesian Networks (BNs). We investigate how to perform the task
of learning the structure of such BNs, according to experimental evidence,
adopting a global optimization meta-heuristics. In particular, in this work we
rely on Genetic Algorithms, and to strongly reduce the execution time of the
inference -- which can also involve multiple repetitions to collect
statistically significant assessments of the data -- we distribute the
calculations using both multi-threading and a multi-node architecture. The
results show that our approach is characterized by good accuracy and
specificity; we also demonstrate its feasibility, thanks to a 84x reduction of
the overall execution time with respect to a traditional sequential
implementation.
|
Combining Bayesian Approaches and Evolutionary Techniques for the
Inference of Breast Cancer Networks | Gene and protein networks are very important to model complex large-scale
systems in molecular biology. Inferring or reverseengineering such networks can
be defined as the process of identifying gene/protein interactions from
experimental data through computational analysis. However, this task is
typically complicated by the enormously large scale of the unknowns in a rather
small sample size. Furthermore, when the goal is to study causal relationships
within the network, tools capable of overcoming the limitations of correlation
networks are required. In this work, we make use of Bayesian Graphical Models
to attach this problem and, specifically, we perform a comparative study of
different state-of-the-art heuristics, analyzing their performance in inferring
the structure of the Bayesian Network from breast cancer data.
|
A GAMP Based Low Complexity Sparse Bayesian Learning Algorithm | In this paper, we present an algorithm for the sparse signal recovery problem
that incorporates damped Gaussian generalized approximate message passing
(GGAMP) into Expectation-Maximization (EM)-based sparse Bayesian learning
(SBL). In particular, GGAMP is used to implement the E-step in SBL in place of
matrix inversion, leveraging the fact that GGAMP is guaranteed to converge with
appropriate damping. The resulting GGAMP-SBL algorithm is much more robust to
arbitrary measurement matrix $\boldsymbol{A}$ than the standard damped GAMP
algorithm while being much lower complexity than the standard SBL algorithm. We
then extend the approach from the single measurement vector (SMV) case to the
temporally correlated multiple measurement vector (MMV) case, leading to the
GGAMP-TSBL algorithm. We verify the robustness and computational advantages of
the proposed algorithms through numerical experiments.
|
Deep Variation-structured Reinforcement Learning for Visual Relationship
and Attribute Detection | Despite progress in visual perception tasks such as image classification and
detection, computers still struggle to understand the interdependency of
objects in the scene as a whole, e.g., relations between objects or their
attributes. Existing methods often ignore global context cues capturing the
interactions among different object instances, and can only recognize a handful
of types by exhaustively training individual detectors for all possible
relationships. To capture such global interdependency, we propose a deep
Variation-structured Reinforcement Learning (VRL) framework to sequentially
discover object relationships and attributes in the whole image. First, a
directed semantic action graph is built using language priors to provide a rich
and compact representation of semantic correlations between object categories,
predicates, and attributes. Next, we use a variation-structured traversal over
the action graph to construct a small, adaptive action set for each step based
on the current state and historical actions. In particular, an ambiguity-aware
object mining scheme is used to resolve semantic ambiguity among object
categories that the object detector fails to distinguish. We then make
sequential predictions using a deep RL framework, incorporating global context
cues and semantic embeddings of previously extracted phrases in the state
vector. Our experiments on the Visual Relationship Detection (VRD) dataset and
the large-scale Visual Genome dataset validate the superiority of VRL, which
can achieve significantly better detection results on datasets involving
thousands of relationship and attribute types. We also demonstrate that VRL is
able to predict unseen types embedded in our action graph by learning
correlations on shared graph nodes.
|
Interpretable Structure-Evolving LSTM | This paper develops a general framework for learning interpretable data
representation via Long Short-Term Memory (LSTM) recurrent neural networks over
hierarchal graph structures. Instead of learning LSTM models over the pre-fixed
structures, we propose to further learn the intermediate interpretable
multi-level graph structures in a progressive and stochastic way from data
during the LSTM network optimization. We thus call this model the
structure-evolving LSTM. In particular, starting with an initial element-level
graph representation where each node is a small data element, the
structure-evolving LSTM gradually evolves the multi-level graph representations
by stochastically merging the graph nodes with high compatibilities along the
stacked LSTM layers. In each LSTM layer, we estimate the compatibility of two
connected nodes from their corresponding LSTM gate outputs, which is used to
generate a merging probability. The candidate graph structures are accordingly
generated where the nodes are grouped into cliques with their merging
probabilities. We then produce the new graph structure with a
Metropolis-Hasting algorithm, which alleviates the risk of getting stuck in
local optimums by stochastic sampling with an acceptance probability. Once a
graph structure is accepted, a higher-level graph is then constructed by taking
the partitioned cliques as its nodes. During the evolving process,
representation becomes more abstracted in higher-levels where redundant
information is filtered out, allowing more efficient propagation of long-range
data dependencies. We evaluate the effectiveness of structure-evolving LSTM in
the application of semantic object parsing and demonstrate its advantage over
state-of-the-art LSTM models on standard benchmarks.
|
Deep Convolutional Neural Network Inference with Floating-point Weights
and Fixed-point Activations | Deep convolutional neural network (CNN) inference requires significant amount
of memory and computation, which limits its deployment on embedded devices. To
alleviate these problems to some extent, prior research utilize low precision
fixed-point numbers to represent the CNN weights and activations. However, the
minimum required data precision of fixed-point weights varies across different
networks and also across different layers of the same network. In this work, we
propose using floating-point numbers for representing the weights and
fixed-point numbers for representing the activations. We show that using
floating-point representation for weights is more efficient than fixed-point
representation for the same bit-width and demonstrate it on popular large-scale
CNNs such as AlexNet, SqueezeNet, GoogLeNet and VGG-16. We also show that such
a representation scheme enables compact hardware multiply-and-accumulate (MAC)
unit design. Experimental results show that the proposed scheme reduces the
weight storage by up to 36% and power consumption of the hardware multiplier by
up to 50%.
|
Efficient computational strategies to learn the structure of
probabilistic graphical models of cumulative phenomena | Structural learning of Bayesian Networks (BNs) is a NP-hard problem, which is
further complicated by many theoretical issues, such as the I-equivalence among
different structures. In this work, we focus on a specific subclass of BNs,
named Suppes-Bayes Causal Networks (SBCNs), which include specific structural
constraints based on Suppes' probabilistic causation to efficiently model
cumulative phenomena. Here we compare the performance, via extensive
simulations, of various state-of-the-art search strategies, such as local
search techniques and Genetic Algorithms, as well as of distinct regularization
methods. The assessment is performed on a large number of simulated datasets
from topologies with distinct levels of complexity, various sample size and
different rates of errors in the data. Among the main results, we show that the
introduction of Suppes' constraints dramatically improve the inference
accuracy, by reducing the solution space and providing a temporal ordering on
the variables. We also report on trade-offs among different search techniques
that can be efficiently employed in distinct experimental settings. This
manuscript is an extended version of the paper "Structural Learning of
Probabilistic Graphical Models of Cumulative Phenomena" presented at the 2018
International Conference on Computational Science.
|
Causal Data Science for Financial Stress Testing | The most recent financial upheavals have cast doubt on the adequacy of some
of the conventional quantitative risk management strategies, such as VaR (Value
at Risk), in many common situations. Consequently, there has been an increasing
need for verisimilar financial stress testings, namely simulating and analyzing
financial portfolios in extreme, albeit rare scenarios. Unlike conventional
risk management which exploits statistical correlations among financial
instruments, here we focus our analysis on the notion of probabilistic
causation, which is embodied by Suppes-Bayes Causal Networks (SBCNs); SBCNs are
probabilistic graphical models that have many attractive features in terms of
more accurate causal analysis for generating financial stress scenarios. In
this paper, we present a novel approach for conducting stress testing of
financial portfolios based on SBCNs in combination with classical machine
learning classification tools. The resulting method is shown to be capable of
correctly discovering the causal relationships among financial factors that
affect the portfolios and thus, simulating stress testing scenarios with a
higher accuracy and lower computational complexity than conventional Monte
Carlo Simulations.
|
Statistical Cost Sharing | We study the cost sharing problem for cooperative games in situations where
the cost function $C$ is not available via oracle queries, but must instead be
derived from data, represented as tuples $(S, C(S))$, for different subsets $S$
of players. We formalize this approach, which we call statistical cost sharing,
and consider the computation of the core and the Shapley value, when the tuples
are drawn from some distribution $\mathcal{D}$.
Previous work by Balcan et al. in this setting showed how to compute cost
shares that satisfy the core property with high probability for limited classes
of functions. We expand on their work and give an algorithm that computes such
cost shares for any function with a non-empty core. We complement these results
by proving an inapproximability lower bound for a weaker relaxation.
We then turn our attention to the Shapley value. We first show that when cost
functions come from the family of submodular functions with bounded curvature,
$\kappa$, the Shapley value can be approximated from samples up to a $\sqrt{1 -
\kappa}$ factor, and that the bound is tight. We then define statistical
analogues of the Shapley axioms, and derive a notion of statistical Shapley
value. We show that these can always be approximated arbitrarily well for
general functions over any distribution $\mathcal{D}$.
|
Coordinated Multi-Agent Imitation Learning | We study the problem of imitation learning from demonstrations of multiple
coordinating agents. One key challenge in this setting is that learning a good
model of coordination can be difficult, since coordination is often implicit in
the demonstrations and must be inferred as a latent variable. We propose a
joint approach that simultaneously learns a latent coordination model along
with the individual policies. In particular, our method integrates unsupervised
structure learning with conventional imitation learning. We illustrate the
power of our approach on a difficult problem of learning multiple policies for
fine-grained behavior modeling in team sports, where different players occupy
different roles in the coordinated team strategy. We show that having a
coordination model to infer the roles of players yields substantially improved
imitation loss compared to conventional baselines.
|
Learning to Remember Rare Events | Despite recent advances, memory-augmented deep neural networks are still
limited when it comes to life-long and one-shot learning, especially in
remembering rare events. We present a large-scale life-long memory module for
use in deep learning. The module exploits fast nearest-neighbor algorithms for
efficiency and thus scales to large memory sizes. Except for the
nearest-neighbor query, the module is fully differentiable and trained
end-to-end with no extra supervision. It operates in a life-long manner, i.e.,
without the need to reset it during training.
Our memory module can be easily added to any part of a supervised neural
network. To show its versatility we add it to a number of networks, from simple
convolutional ones tested on image classification to deep sequence-to-sequence
and recurrent-convolutional models. In all cases, the enhanced network gains
the ability to remember and do life-long one-shot learning. Our module
remembers training examples shown many thousands of steps in the past and it
can successfully generalize from them. We set new state-of-the-art for one-shot
learning on the Omniglot dataset and demonstrate, for the first time, life-long
one-shot learning in recurrent neural networks on a large-scale machine
translation task.
|
A Structured Self-attentive Sentence Embedding | This paper proposes a new model for extracting an interpretable sentence
embedding by introducing self-attention. Instead of using a vector, we use a
2-D matrix to represent the embedding, with each row of the matrix attending on
a different part of the sentence. We also propose a self-attention mechanism
and a special regularization term for the model. As a side effect, the
embedding comes with an easy way of visualizing what specific parts of the
sentence are encoded into the embedding. We evaluate our model on 3 different
tasks: author profiling, sentiment classification, and textual entailment.
Results show that our model yields a significant performance gain compared to
other sentence embedding methods in all of the 3 tasks.
|
Compressed Sensing using Generative Models | The goal of compressed sensing is to estimate a vector from an
underdetermined system of noisy linear measurements, by making use of prior
knowledge on the structure of vectors in the relevant domain. For almost all
results in this literature, the structure is represented by sparsity in a
well-chosen basis. We show how to achieve guarantees similar to standard
compressed sensing but without employing sparsity at all. Instead, we suppose
that vectors lie near the range of a generative model $G: \mathbb{R}^k \to
\mathbb{R}^n$. Our main theorem is that, if $G$ is $L$-Lipschitz, then roughly
$O(k \log L)$ random Gaussian measurements suffice for an $\ell_2/\ell_2$
recovery guarantee. We demonstrate our results using generative models from
published variational autoencoder and generative adversarial networks. Our
method can use $5$-$10$x fewer measurements than Lasso for the same accuracy.
|
Learning Active Learning from Data | In this paper, we suggest a novel data-driven approach to active learning
(AL). The key idea is to train a regressor that predicts the expected error
reduction for a candidate sample in a particular learning state. By formulating
the query selection procedure as a regression problem we are not restricted to
working with existing AL heuristics; instead, we learn strategies based on
experience from previous AL outcomes. We show that a strategy can be learnt
either from simple synthetic 2D datasets or from a subset of domain-specific
data. Our method yields strategies that work well on real data from a wide
range of domains.
|
Visual-Interactive Similarity Search for Complex Objects by Example of
Soccer Player Analysis | The definition of similarity is a key prerequisite when analyzing complex
data types in data mining, information retrieval, or machine learning. However,
the meaningful definition is often hampered by the complexity of data objects
and particularly by different notions of subjective similarity latent in
targeted user groups. Taking the example of soccer players, we present a
visual-interactive system that learns users' mental models of similarity. In a
visual-interactive interface, users are able to label pairs of soccer players
with respect to their subjective notion of similarity. Our proposed similarity
model automatically learns the respective concept of similarity using an active
learning strategy. A visual-interactive retrieval technique is provided to
validate the model and to execute downstream retrieval tasks for soccer player
analysis. The applicability of the approach is demonstrated in different
evaluation strategies, including usage scenarions and cross-validation tests.
|
Faster Greedy MAP Inference for Determinantal Point Processes | Determinantal point processes (DPPs) are popular probabilistic models that
arise in many machine learning tasks, where distributions of diverse sets are
characterized by matrix determinants. In this paper, we develop fast algorithms
to find the most likely configuration (MAP) of large-scale DPPs, which is
NP-hard in general. Due to the submodular nature of the MAP objective, greedy
algorithms have been used with empirical success. Greedy implementations
require computation of log-determinants, matrix inverses or solving linear
systems at each iteration. We present faster implementations of the greedy
algorithms by utilizing the complementary benefits of two log-determinant
approximation schemes: (a) first-order expansions to the matrix log-determinant
function and (b) high-order expansions to the scalar log function with
stochastic trace estimators. In our experiments, our algorithms are orders of
magnitude faster than their competitors, while sacrificing marginal accuracy.
|
Model-Agnostic Meta-Learning for Fast Adaptation of Deep Networks | We propose an algorithm for meta-learning that is model-agnostic, in the
sense that it is compatible with any model trained with gradient descent and
applicable to a variety of different learning problems, including
classification, regression, and reinforcement learning. The goal of
meta-learning is to train a model on a variety of learning tasks, such that it
can solve new learning tasks using only a small number of training samples. In
our approach, the parameters of the model are explicitly trained such that a
small number of gradient steps with a small amount of training data from a new
task will produce good generalization performance on that task. In effect, our
method trains the model to be easy to fine-tune. We demonstrate that this
approach leads to state-of-the-art performance on two few-shot image
classification benchmarks, produces good results on few-shot regression, and
accelerates fine-tuning for policy gradient reinforcement learning with neural
network policies.
|
Sample Efficient Feature Selection for Factored MDPs | In reinforcement learning, the state of the real world is often represented
by feature vectors. However, not all of the features may be pertinent for
solving the current task. We propose Feature Selection Explore and Exploit
(FS-EE), an algorithm that automatically selects the necessary features while
learning a Factored Markov Decision Process, and prove that under mild
assumptions, its sample complexity scales with the in-degree of the dynamics of
just the necessary features, rather than the in-degree of all features. This
can result in a much better sample complexity when the in-degree of the
necessary features is smaller than the in-degree of all features.
|
Deep Radial Kernel Networks: Approximating Radially Symmetric Functions
with Deep Networks | We prove that a particular deep network architecture is more efficient at
approximating radially symmetric functions than the best known 2 or 3 layer
networks. We use this architecture to approximate Gaussian kernel SVMs, and
subsequently improve upon them with further training. The architecture and
initial weights of the Deep Radial Kernel Network are completely specified by
the SVM and therefore sidesteps the problem of empirically choosing an
appropriate deep network architecture.
|
Online Learning with Abstention | We present an extensive study of the key problem of online learning where
algorithms are allowed to abstain from making predictions. In the adversarial
setting, we show how existing online algorithms and guarantees can be adapted
to this problem. In the stochastic setting, we first point out a bias problem
that limits the straightforward extension of algorithms such as UCB-N to
time-varying feedback graphs, as needed in this context. Next, we give a new
algorithm, UCB-GT, that exploits historical data and is adapted to time-varying
feedback graphs. We show that this algorithm benefits from more favorable
regret guarantees than a possible, but limited, extension of UCB-N. We further
report the results of a series of experiments demonstrating that UCB-GT largely
outperforms that extension of UCB-N, as well as more standard baselines.
|
Learning Gradient Descent: Better Generalization and Longer Horizons | Training deep neural networks is a highly nontrivial task, involving
carefully selecting appropriate training algorithms, scheduling step sizes and
tuning other hyperparameters. Trying different combinations can be quite
labor-intensive and time consuming. Recently, researchers have tried to use
deep learning algorithms to exploit the landscape of the loss function of the
training problem of interest, and learn how to optimize over it in an automatic
way. In this paper, we propose a new learning-to-learn model and some useful
and practical tricks. Our optimizer outperforms generic, hand-crafted
optimization algorithms and state-of-the-art learning-to-learn optimizers by
DeepMind in many tasks. We demonstrate the effectiveness of our algorithms on a
number of tasks, including deep MLPs, CNNs, and simple LSTMs.
|
Right for the Right Reasons: Training Differentiable Models by
Constraining their Explanations | Neural networks are among the most accurate supervised learning methods in
use today, but their opacity makes them difficult to trust in critical
applications, especially when conditions in training differ from those in test.
Recent work on explanations for black-box models has produced tools (e.g. LIME)
to show the implicit rules behind predictions, which can help us identify when
models are right for the wrong reasons. However, these methods do not scale to
explaining entire datasets and cannot correct the problems they reveal. We
introduce a method for efficiently explaining and regularizing differentiable
models by examining and selectively penalizing their input gradients, which
provide a normal to the decision boundary. We apply these penalties both based
on expert annotation and in an unsupervised fashion that encourages diverse
models with qualitatively different decision boundaries for the same
classification problem. On multiple datasets, we show our approach generates
faithful explanations and models that generalize much better when conditions
differ between training and test.
|
Markov Chain Lifting and Distributed ADMM | The time to converge to the steady state of a finite Markov chain can be
greatly reduced by a lifting operation, which creates a new Markov chain on an
expanded state space. For a class of quadratic objectives, we show an analogous
behavior where a distributed ADMM algorithm can be seen as a lifting of
Gradient Descent algorithm. This provides a deep insight for its faster
convergence rate under optimal parameter tuning. We conjecture that this gain
is always present, as opposed to the lifting of a Markov chain which sometimes
only provides a marginal speedup.
|
Joint Embedding of Graphs | Feature extraction and dimension reduction for networks is critical in a wide
variety of domains. Efficiently and accurately learning features for multiple
graphs has important applications in statistical inference on graphs. We
propose a method to jointly embed multiple undirected graphs. Given a set of
graphs, the joint embedding method identifies a linear subspace spanned by rank
one symmetric matrices and projects adjacency matrices of graphs into this
subspace. The projection coefficients can be treated as features of the graphs,
while the embedding components can represent vertex features. We also propose a
random graph model for multiple graphs that generalizes other classical models
for graphs. We show through theory and numerical experiments that under the
model, the joint embedding method produces estimates of parameters with small
errors. Via simulation experiments, we demonstrate that the joint embedding
method produces features which lead to state of the art performance in
classifying graphs. Applying the joint embedding method to human brain graphs,
we find it extracts interpretable features with good prediction accuracy in
different tasks.
|
Evolution Strategies as a Scalable Alternative to Reinforcement Learning | We explore the use of Evolution Strategies (ES), a class of black box
optimization algorithms, as an alternative to popular MDP-based RL techniques
such as Q-learning and Policy Gradients. Experiments on MuJoCo and Atari show
that ES is a viable solution strategy that scales extremely well with the
number of CPUs available: By using a novel communication strategy based on
common random numbers, our ES implementation only needs to communicate scalars,
making it possible to scale to over a thousand parallel workers. This allows us
to solve 3D humanoid walking in 10 minutes and obtain competitive results on
most Atari games after one hour of training. In addition, we highlight several
advantages of ES as a black box optimization technique: it is invariant to
action frequency and delayed rewards, tolerant of extremely long horizons, and
does not need temporal discounting or value function approximation.
|
Deep Learning in Customer Churn Prediction: Unsupervised Feature
Learning on Abstract Company Independent Feature Vectors | As companies increase their efforts in retaining customers, being able to
predict accurately ahead of time, whether a customer will churn in the
foreseeable future is an extremely powerful tool for any marketing team. The
paper describes in depth the application of Deep Learning in the problem of
churn prediction. Using abstract feature vectors, that can generated on any
subscription based company's user event logs, the paper proves that through the
use of the intrinsic property of Deep Neural Networks (learning secondary
features in an unsupervised manner), the complete pipeline can be applied to
any subscription based company with extremely good churn predictive
performance. Furthermore the research documented in the paper was performed for
Framed Data (a company that sells churn prediction as a service for other
companies) in conjunction with the Data Science Institute at Lancaster
University, UK. This paper is the intellectual property of Framed Data.
|
Real-Time Machine Learning: The Missing Pieces | Machine learning applications are increasingly deployed not only to serve
predictions using static models, but also as tightly-integrated components of
feedback loops involving dynamic, real-time decision making. These applications
pose a new set of requirements, none of which are difficult to achieve in
isolation, but the combination of which creates a challenge for existing
distributed execution frameworks: computation with millisecond latency at high
throughput, adaptive construction of arbitrary task graphs, and execution of
heterogeneous kernels over diverse sets of resources. We assert that a new
distributed execution framework is needed for such ML applications and propose
a candidate approach with a proof-of-concept architecture that achieves a 63x
performance improvement over a state-of-the-art execution framework for a
representative application.
|
Recruiting from the network: discovering Twitter users who can help
combat Zika epidemics | Tropical diseases like \textit{Chikungunya} and \textit{Zika} have come to
prominence in recent years as the cause of serious, long-lasting,
population-wide health problems. In large countries like Brasil, traditional
disease prevention programs led by health authorities have not been
particularly effective. We explore the hypothesis that monitoring and analysis
of social media content streams may effectively complement such efforts.
Specifically, we aim to identify selected members of the public who are likely
to be sensitive to virus combat initiatives that are organised in local
communities. Focusing on Twitter and on the topic of Zika, our approach
involves (i) training a classifier to select topic-relevant tweets from the
Twitter feed, and (ii) discovering the top users who are actively posting
relevant content about the topic. We may then recommend these users as the
prime candidates for direct engagement within their community. In this short
paper we describe our analytical approach and prototype architecture, discuss
the challenges of dealing with noisy and sparse signal, and present encouraging
preliminary results.
|
Ask Me Even More: Dynamic Memory Tensor Networks (Extended Model) | We examine Memory Networks for the task of question answering (QA), under
common real world scenario where training examples are scarce and under weakly
supervised scenario, that is only extrinsic labels are available for training.
We propose extensions for the Dynamic Memory Network (DMN), specifically within
the attention mechanism, we call the resulting Neural Architecture as Dynamic
Memory Tensor Network (DMTN). Ultimately, we see that our proposed extensions
results in over 80% improvement in the number of task passed against the
baselined standard DMN and 20% more task passed compared to state-of-the-art
End-to-End Memory Network for Facebook's single task weakly trained 1K bAbi
dataset.
|
Learning Large-Scale Bayesian Networks with the sparsebn Package | Learning graphical models from data is an important problem with wide
applications, ranging from genomics to the social sciences. Nowadays datasets
often have upwards of thousands---sometimes tens or hundreds of thousands---of
variables and far fewer samples. To meet this challenge, we have developed a
new R package called sparsebn for learning the structure of large, sparse
graphical models with a focus on Bayesian networks. While there are many
existing software packages for this task, this package focuses on the unique
setting of learning large networks from high-dimensional data, possibly with
interventions. As such, the methods provided place a premium on scalability and
consistency in a high-dimensional setting. Furthermore, in the presence of
interventions, the methods implemented here achieve the goal of learning a
causal network from data. Additionally, the sparsebn package is fully
compatible with existing software packages for network analysis.
|
Prediction and Control with Temporal Segment Models | We introduce a method for learning the dynamics of complex nonlinear systems
based on deep generative models over temporal segments of states and actions.
Unlike dynamics models that operate over individual discrete timesteps, we
learn the distribution over future state trajectories conditioned on past
state, past action, and planned future action trajectories, as well as a latent
prior over action trajectories. Our approach is based on convolutional
autoregressive models and variational autoencoders. It makes stable and
accurate predictions over long horizons for complex, stochastic systems,
effectively expressing uncertainty and modeling the effects of collisions,
sensory noise, and action delays. The learned dynamics model and action prior
can be used for end-to-end, fully differentiable trajectory optimization and
model-based policy optimization, which we use to evaluate the performance and
sample-efficiency of our method.
|
Sequential Local Learning for Latent Graphical Models | Learning parameters of latent graphical models (GM) is inherently much harder
than that of no-latent ones since the latent variables make the corresponding
log-likelihood non-concave. Nevertheless, expectation-maximization schemes are
popularly used in practice, but they are typically stuck in local optima. In
the recent years, the method of moments have provided a refreshing angle for
resolving the non-convex issue, but it is applicable to a quite limited class
of latent GMs. In this paper, we aim for enhancing its power via enlarging such
a class of latent GMs. To this end, we introduce two novel concepts, coined
marginalization and conditioning, which can reduce the problem of learning a
larger GM to that of a smaller one. More importantly, they lead to a sequential
learning framework that repeatedly increases the learning portion of given
latent GM, and thus covers a significantly broader and more complicated class
of loopy latent GMs which include convolutional and random regular models.
|
Autoregressive Convolutional Neural Networks for Asynchronous Time
Series | We propose Significance-Offset Convolutional Neural Network, a deep
convolutional network architecture for regression of multivariate asynchronous
time series. The model is inspired by standard autoregressive (AR) models and
gating mechanisms used in recurrent neural networks. It involves an AR-like
weighting system, where the final predictor is obtained as a weighted sum of
adjusted regressors, while the weights are datadependent functions learnt
through a convolutional network. The architecture was designed for applications
on asynchronous time series and is evaluated on such datasets: a hedge fund
proprietary dataset of over 2 million quotes for a credit derivative index, an
artificially generated noisy autoregressive series and UCI household
electricity consumption dataset. The proposed architecture achieves promising
results as compared to convolutional and recurrent neural networks.
|
Multiscale Hierarchical Convolutional Networks | Deep neural network algorithms are difficult to analyze because they lack
structure allowing to understand the properties of underlying transforms and
invariants. Multiscale hierarchical convolutional networks are structured deep
convolutional networks where layers are indexed by progressively higher
dimensional attributes, which are learned from training data. Each new layer is
computed with multidimensional convolutions along spatial and attribute
variables. We introduce an efficient implementation of such networks where the
dimensionality is progressively reduced by averaging intermediate layers along
attribute indices. Hierarchical networks are tested on CIFAR image data bases
where they obtain comparable precisions to state of the art networks, with much
fewer parameters. We study some properties of the attributes learned from these
databases.
|
Leak Event Identification in Water Systems Using High Order CRF | Today, detection of anomalous events in civil infrastructures (e.g. water
pipe breaks and leaks) is time consuming and often takes hours or days. Pipe
breakage as one of the most frequent types of failure of water networks often
causes community disruptions ranging from temporary interruptions in services
to extended loss of business and relocation of residents. In this project, we
design and implement a two-phase approach for leak event identification, which
leverages dynamic data from multiple information sources including IoT sensing
data (pressure values and/or flow rates), geophysical data (water systems), and
human inputs (tweets posted on Twitter). In the approach, a high order
Conditional Random Field (CRF) is constructed that enforces predictions based
on IoT observations consistent with human inputs to improve the performance of
event identifications.
Considering the physical water network as a graph, a CRF model is built and
learned by the Structured Support Vector Machine (SSVM) using node features
such as water pressure and flow rate. After that, we built the high order CRF
system by enforcing twitter leakage detection information. An optimal inference
algorithm is proposed for the adapted high order CRF model. Experimental
results show the effectiveness of our system.
|
Continual Learning Through Synaptic Intelligence | While deep learning has led to remarkable advances across diverse
applications, it struggles in domains where the data distribution changes over
the course of learning. In stark contrast, biological neural networks
continually adapt to changing domains, possibly by leveraging complex molecular
machinery to solve many tasks simultaneously. In this study, we introduce
intelligent synapses that bring some of this biological complexity into
artificial neural networks. Each synapse accumulates task relevant information
over time, and exploits this information to rapidly store new memories without
forgetting old ones. We evaluate our approach on continual learning of
classification tasks, and show that it dramatically reduces forgetting while
maintaining computational efficiency.
|
SPARTan: Scalable PARAFAC2 for Large & Sparse Data | In exploratory tensor mining, a common problem is how to analyze a set of
variables across a set of subjects whose observations do not align naturally.
For example, when modeling medical features across a set of patients, the
number and duration of treatments may vary widely in time, meaning there is no
meaningful way to align their clinical records across time points for analysis
purposes. To handle such data, the state-of-the-art tensor model is the
so-called PARAFAC2, which yields interpretable and robust output and can
naturally handle sparse data. However, its main limitation up to now has been
the lack of efficient algorithms that can handle large-scale datasets.
In this work, we fill this gap by developing a scalable method to compute the
PARAFAC2 decomposition of large and sparse datasets, called SPARTan. Our method
exploits special structure within PARAFAC2, leading to a novel algorithmic
reformulation that is both fast (in absolute time) and more memory-efficient
than prior work. We evaluate SPARTan on both synthetic and real datasets,
showing 22X performance gains over the best previous implementation and also
handling larger problem instances for which the baseline fails. Furthermore, we
are able to apply SPARTan to the mining of temporally-evolving phenotypes on
data taken from real and medically complex pediatric patients. The clinical
meaningfulness of the phenotypes identified in this process, as well as their
temporal evolution over time for several patients, have been endorsed by
clinical experts.
|
Conjugate-Computation Variational Inference : Converting Variational
Inference in Non-Conjugate Models to Inferences in Conjugate Models | Variational inference is computationally challenging in models that contain
both conjugate and non-conjugate terms. Methods specifically designed for
conjugate models, even though computationally efficient, find it difficult to
deal with non-conjugate terms. On the other hand, stochastic-gradient methods
can handle the non-conjugate terms but they usually ignore the conjugate
structure of the model which might result in slow convergence. In this paper,
we propose a new algorithm called Conjugate-computation Variational Inference
(CVI) which brings the best of the two worlds together -- it uses conjugate
computations for the conjugate terms and employs stochastic gradients for the
rest. We derive this algorithm by using a stochastic mirror-descent method in
the mean-parameter space, and then expressing each gradient step as a
variational inference in a conjugate model. We demonstrate our algorithm's
applicability to a large class of models and establish its convergence. Our
experimental results show that our method converges much faster than the
methods that ignore the conjugate structure of the model.
|
Online Learning with Local Permutations and Delayed Feedback | We propose an Online Learning with Local Permutations (OLLP) setting, in
which the learner is allowed to slightly permute the \emph{order} of the loss
functions generated by an adversary. On one hand, this models natural
situations where the exact order of the learner's responses is not crucial, and
on the other hand, might allow better learning and regret performance, by
mitigating highly adversarial loss sequences. Also, with random permutations,
this can be seen as a setting interpolating between adversarial and stochastic
losses. In this paper, we consider the applicability of this setting to convex
online learning with delayed feedback, in which the feedback on the prediction
made in round $t$ arrives with some delay $\tau$. With such delayed feedback,
the best possible regret bound is well-known to be $O(\sqrt{\tau T})$. We prove
that by being able to permute losses by a distance of at most $M$ (for $M\geq
\tau$), the regret can be improved to $O(\sqrt{T}(1+\sqrt{\tau^2/M}))$, using a
Mirror-Descent based algorithm which can be applied for both Euclidean and
non-Euclidean geometries. We also prove a lower bound, showing that for
$M<\tau/3$, it is impossible to improve the standard $O(\sqrt{\tau T})$ regret
bound by more than constant factors. Finally, we provide some experiments
validating the performance of our algorithm.
|
Blocking Transferability of Adversarial Examples in Black-Box Learning
Systems | Advances in Machine Learning (ML) have led to its adoption as an integral
component in many applications, including banking, medical diagnosis, and
driverless cars. To further broaden the use of ML models, cloud-based services
offered by Microsoft, Amazon, Google, and others have developed ML-as-a-service
tools as black-box systems. However, ML classifiers are vulnerable to
adversarial examples: inputs that are maliciously modified can cause the
classifier to provide adversary-desired outputs. Moreover, it is known that
adversarial examples generated on one classifier are likely to cause another
classifier to make the same mistake, even if the classifiers have different
architectures or are trained on disjoint datasets. This property, which is
known as transferability, opens up the possibility of attacking black-box
systems by generating adversarial examples on a substitute classifier and
transferring the examples to the target classifier. Therefore, the key to
protect black-box learning systems against the adversarial examples is to block
their transferability. To this end, we propose a training method that, as the
input is more perturbed, the classifier smoothly outputs lower confidence on
the original label and instead predicts that the input is "invalid". In
essence, we augment the output class set with a NULL label and train the
classifier to reject the adversarial examples by classifying them as NULL. In
experiments, we apply a wide range of attacks based on adversarial examples on
the black-box systems. We show that a classifier trained with the proposed
method effectively resists against the adversarial examples, while maintaining
the accuracy on clean data.
|
Deep Value Networks Learn to Evaluate and Iteratively Refine Structured
Outputs | We approach structured output prediction by optimizing a deep value network
(DVN) to precisely estimate the task loss on different output configurations
for a given input. Once the model is trained, we perform inference by gradient
descent on the continuous relaxations of the output variables to find outputs
with promising scores from the value network. When applied to image
segmentation, the value network takes an image and a segmentation mask as
inputs and predicts a scalar estimating the intersection over union between the
input and ground truth masks. For multi-label classification, the DVN's
objective is to correctly predict the F1 score for any potential label
configuration. The DVN framework achieves the state-of-the-art results on
multi-label prediction and image segmentation benchmarks.
|
Langevin Dynamics with Continuous Tempering for Training Deep Neural
Networks | Minimizing non-convex and high-dimensional objective functions is
challenging, especially when training modern deep neural networks. In this
paper, a novel approach is proposed which divides the training process into two
consecutive phases to obtain better generalization performance: Bayesian
sampling and stochastic optimization. The first phase is to explore the energy
landscape and to capture the "fat" modes; and the second one is to fine-tune
the parameter learned from the first phase. In the Bayesian learning phase, we
apply continuous tempering and stochastic approximation into the Langevin
dynamics to create an efficient and effective sampler, in which the temperature
is adjusted automatically according to the designed "temperature dynamics".
These strategies can overcome the challenge of early trapping into bad local
minima and have achieved remarkable improvements in various types of neural
networks as shown in our theoretical analysis and empirical experiments.
|
Bayesian Optimization with Gradients | Bayesian optimization has been successful at global optimization of
expensive-to-evaluate multimodal objective functions. However, unlike most
optimization methods, Bayesian optimization typically does not use derivative
information. In this paper we show how Bayesian optimization can exploit
derivative information to decrease the number of objective function evaluations
required for good performance. In particular, we develop a novel Bayesian
optimization algorithm, the derivative-enabled knowledge-gradient (dKG), for
which we show one-step Bayes-optimality, asymptotic consistency, and greater
one-step value of information than is possible in the derivative-free setting.
Our procedure accommodates noisy and incomplete derivative information, comes
in both sequential and batch forms, and can optionally reduce the computational
cost of inference through automatically selected retention of a single
directional derivative. We also compute the d-KG acquisition function and its
gradient using a novel fast discretization-free technique. We show d-KG
provides state-of-the-art performance compared to a wide range of optimization
procedures with and without gradients, on benchmarks including logistic
regression, deep learning, kernel learning, and k-nearest neighbors.
|
Social Fingerprinting: detection of spambot groups through DNA-inspired
behavioral modeling | Spambot detection in online social networks is a long-lasting challenge
involving the study and design of detection techniques capable of efficiently
identifying ever-evolving spammers. Recently, a new wave of social spambots has
emerged, with advanced human-like characteristics that allow them to go
undetected even by current state-of-the-art algorithms. In this paper, we show
that efficient spambots detection can be achieved via an in-depth analysis of
their collective behaviors exploiting the digital DNA technique for modeling
the behaviors of social network users. Inspired by its biological counterpart,
in the digital DNA representation the behavioral lifetime of a digital account
is encoded in a sequence of characters. Then, we define a similarity measure
for such digital DNA sequences. We build upon digital DNA and the similarity
between groups of users to characterize both genuine accounts and spambots.
Leveraging such characterization, we design the Social Fingerprinting
technique, which is able to discriminate among spambots and genuine accounts in
both a supervised and an unsupervised fashion. We finally evaluate the
effectiveness of Social Fingerprinting and we compare it with three
state-of-the-art detection algorithms. Among the peculiarities of our approach
is the possibility to apply off-the-shelf DNA analysis techniques to study
online users behaviors and to efficiently rely on a limited number of
lightweight account characteristics.
|
Task-based End-to-end Model Learning in Stochastic Optimization | With the increasing popularity of machine learning techniques, it has become
common to see prediction algorithms operating within some larger process.
However, the criteria by which we train these algorithms often differ from the
ultimate criteria on which we evaluate them. This paper proposes an end-to-end
approach for learning probabilistic machine learning models in a manner that
directly captures the ultimate task-based objective for which they will be
used, within the context of stochastic programming. We present three
experimental evaluations of the proposed approach: a classical inventory stock
problem, a real-world electrical grid scheduling task, and a real-world energy
storage arbitrage task. We show that the proposed approach can outperform both
traditional modeling and purely black-box policy optimization approaches in
these applications.
|
Sensor Fusion for Robot Control through Deep Reinforcement Learning | Deep reinforcement learning is becoming increasingly popular for robot
control algorithms, with the aim for a robot to self-learn useful feature
representations from unstructured sensory input leading to the optimal
actuation policy. In addition to sensors mounted on the robot, sensors might
also be deployed in the environment, although these might need to be accessed
via an unreliable wireless connection. In this paper, we demonstrate deep
neural network architectures that are able to fuse information coming from
multiple sensors and are robust to sensor failures at runtime. We evaluate our
method on a search and pick task for a robot both in simulation and the real
world.
|
Optimal Densification for Fast and Accurate Minwise Hashing | Minwise hashing is a fundamental and one of the most successful hashing
algorithm in the literature. Recent advances based on the idea of
densification~\cite{Proc:OneHashLSH_ICML14,Proc:Shrivastava_UAI14} have shown
that it is possible to compute $k$ minwise hashes, of a vector with $d$
nonzeros, in mere $(d + k)$ computations, a significant improvement over the
classical $O(dk)$. These advances have led to an algorithmic improvement in the
query complexity of traditional indexing algorithms based on minwise hashing.
Unfortunately, the variance of the current densification techniques is
unnecessarily high, which leads to significantly poor accuracy compared to
vanilla minwise hashing, especially when the data is sparse. In this paper, we
provide a novel densification scheme which relies on carefully tailored
2-universal hashes. We show that the proposed scheme is variance-optimal, and
without losing the runtime efficiency, it is significantly more accurate than
existing densification techniques. As a result, we obtain a significantly
efficient hashing scheme which has the same variance and collision probability
as minwise hashing. Experimental evaluations on real sparse and
high-dimensional datasets validate our claims. We believe that given the
significant advantages, our method will replace minwise hashing implementations
in practice.
|
On the benefits of output sparsity for multi-label classification | The multi-label classification framework, where each observation can be
associated with a set of labels, has generated a tremendous amount of attention
over recent years. The modern multi-label problems are typically large-scale in
terms of number of observations, features and labels, and the amount of labels
can even be comparable with the amount of observations. In this context,
different remedies have been proposed to overcome the curse of dimensionality.
In this work, we aim at exploiting the output sparsity by introducing a new
loss, called the sparse weighted Hamming loss. This proposed loss can be seen
as a weighted version of classical ones, where active and inactive labels are
weighted separately. Leveraging the influence of sparsity in the loss function,
we provide improved generalization bounds for the empirical risk minimizer, a
suitable property for large-scale problems. For this new loss, we derive rates
of convergence linear in the underlying output-sparsity rather than linear in
the number of labels. In practice, minimizing the associated risk can be
performed efficiently by using convex surrogates and modern convex optimization
algorithms. We provide experiments on various real-world datasets demonstrating
the pertinence of our approach when compared to non-weighted techniques.
|
Tree Memory Networks for Modelling Long-term Temporal Dependencies | In the domain of sequence modelling, Recurrent Neural Networks (RNN) have
been capable of achieving impressive results in a variety of application areas
including visual question answering, part-of-speech tagging and machine
translation. However this success in modelling short term dependencies has not
successfully transitioned to application areas such as trajectory prediction,
which require capturing both short term and long term relationships. In this
paper, we propose a Tree Memory Network (TMN) for modelling long term and short
term relationships in sequence-to-sequence mapping problems. The proposed
network architecture is composed of an input module, controller and a memory
module. In contrast to related literature, which models the memory as a
sequence of historical states, we model the memory as a recursive tree
structure. This structure more effectively captures temporal dependencies
across both short term and long term sequences using its hierarchical
structure. We demonstrate the effectiveness and flexibility of the proposed TMN
in two practical problems, aircraft trajectory modelling and pedestrian
trajectory modelling in a surveillance setting, and in both cases we outperform
the current state-of-the-art. Furthermore, we perform an in depth analysis on
the evolution of the memory module content over time and provide visual
evidence on how the proposed TMN is able to map both long term and short term
relationships efficiently via a hierarchical structure.
|
Understanding Black-box Predictions via Influence Functions | How can we explain the predictions of a black-box model? In this paper, we
use influence functions -- a classic technique from robust statistics -- to
trace a model's prediction through the learning algorithm and back to its
training data, thereby identifying training points most responsible for a given
prediction. To scale up influence functions to modern machine learning
settings, we develop a simple, efficient implementation that requires only
oracle access to gradients and Hessian-vector products. We show that even on
non-convex and non-differentiable models where the theory breaks down,
approximations to influence functions can still provide valuable information.
On linear models and convolutional neural networks, we demonstrate that
influence functions are useful for multiple purposes: understanding model
behavior, debugging models, detecting dataset errors, and even creating
visually-indistinguishable training-set attacks.
|
Weighted Voting Via No-Regret Learning | Voting systems typically treat all voters equally. We argue that perhaps they
should not: Voters who have supported good choices in the past should be given
higher weight than voters who have supported bad ones. To develop a formal
framework for desirable weighting schemes, we draw on no-regret learning.
Specifically, given a voting rule, we wish to design a weighting scheme such
that applying the voting rule, with voters weighted by the scheme, leads to
choices that are almost as good as those endorsed by the best voter in
hindsight. We derive possibility and impossibility results for the existence of
such weighting schemes, depending on whether the voting rule and the weighting
scheme are deterministic or randomized, as well as on the social choice axioms
satisfied by the voting rule.
|
Separation of time scales and direct computation of weights in deep
neural networks | Artificial intelligence is revolutionizing our lives at an ever increasing
pace. At the heart of this revolution is the recent advancements in deep neural
networks (DNN), learning to perform sophisticated, high-level tasks. However,
training DNNs requires massive amounts of data and is very computationally
intensive. Gaining analytical understanding of the solutions found by DNNs can
help us devise more efficient training algorithms, replacing the commonly used
mthod of stochastic gradient descent (SGD). We analyze the dynamics of SGD and
show that, indeed, direct computation of the solutions is possible in many
cases. We show that a high performing setup used in DNNs introduces a
separation of time-scales in the training dynamics, allowing SGD to train
layers from the lowest (closest to input) to the highest. We then show that for
each layer, the distribution of solutions found by SGD can be estimated using a
class-based principal component analysis (PCA) of the layer's input. This
finding allows us to forgo SGD entirely and directly derive the DNN parameters
using this class-based PCA, which can be well estimated using significantly
less data than SGD. We implement these results on image datasets MNIST, CIFAR10
and CIFAR100 and find that, in fact, layers derived using our class-based PCA
perform comparable or superior to neural networks of the same size and
architecture trained using SGD. We also confirm that the class-based PCA often
converges using a fraction of the data required for SGD. Thus, using our method
training time can be reduced both by requiring less training data than SGD, and
by eliminating layers in the costly backpropagation step of the training.
|
Audio Scene Classification with Deep Recurrent Neural Networks | We introduce in this work an efficient approach for audio scene
classification using deep recurrent neural networks. An audio scene is firstly
transformed into a sequence of high-level label tree embedding feature vectors.
The vector sequence is then divided into multiple subsequences on which a deep
GRU-based recurrent neural network is trained for sequence-to-label
classification. The global predicted label for the entire sequence is finally
obtained via aggregation of subsequence classification outputs. We will show
that our approach obtains an F1-score of 97.7% on the LITIS Rouen dataset,
which is the largest dataset publicly available for the task. Compared to the
best previously reported result on the dataset, our approach is able to reduce
the relative classification error by 35.3%.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.