title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Splash: User-friendly Programming Interface for Parallelizing Stochastic
Algorithms | Stochastic algorithms are efficient approaches to solving machine learning
and optimization problems. In this paper, we propose a general framework called
Splash for parallelizing stochastic algorithms on multi-node distributed
systems. Splash consists of a programming interface and an execution engine.
Using the programming interface, the user develops sequential stochastic
algorithms without concerning any detail about distributed computing. The
algorithm is then automatically parallelized by a communication-efficient
execution engine. We provide theoretical justifications on the optimal rate of
convergence for parallelizing stochastic gradient descent. Splash is built on
top of Apache Spark. The real-data experiments on logistic regression,
collaborative filtering and topic modeling verify that Splash yields
order-of-magnitude speedup over single-thread stochastic algorithms and over
state-of-the-art implementations on Spark.
|
CRAFT: ClusteR-specific Assorted Feature selecTion | We present a framework for clustering with cluster-specific feature
selection. The framework, CRAFT, is derived from asymptotic log posterior
formulations of nonparametric MAP-based clustering models. CRAFT handles
assorted data, i.e., both numeric and categorical data, and the underlying
objective functions are intuitively appealing. The resulting algorithm is
simple to implement and scales nicely, requires minimal parameter tuning,
obviates the need to specify the number of clusters a priori, and compares
favorably with other methods on real datasets.
|
Generalized Majorization-Minimization | Non-convex optimization is ubiquitous in machine learning.
Majorization-Minimization (MM) is a powerful iterative procedure for optimizing
non-convex functions that works by optimizing a sequence of bounds on the
function. In MM, the bound at each iteration is required to \emph{touch} the
objective function at the optimizer of the previous bound. We show that this
touching constraint is unnecessary and overly restrictive. We generalize MM by
relaxing this constraint, and propose a new optimization framework, named
Generalized Majorization-Minimization (G-MM), that is more flexible. For
instance, G-MM can incorporate application-specific biases into the
optimization procedure without changing the objective function. We derive G-MM
algorithms for several latent variable models and show empirically that they
consistently outperform their MM counterparts in optimizing non-convex
objectives. In particular, G-MM algorithms appear to be less sensitive to
initialization.
|
Completing Low-Rank Matrices with Corrupted Samples from Few
Coefficients in General Basis | Subspace recovery from corrupted and missing data is crucial for various
applications in signal processing and information theory. To complete missing
values and detect column corruptions, existing robust Matrix Completion (MC)
methods mostly concentrate on recovering a low-rank matrix from few corrupted
coefficients w.r.t. standard basis, which, however, does not apply to more
general basis, e.g., Fourier basis. In this paper, we prove that the range
space of an $m\times n$ matrix with rank $r$ can be exactly recovered from few
coefficients w.r.t. general basis, though $r$ and the number of corrupted
samples are both as high as $O(\min\{m,n\}/\log^3 (m+n))$. Our model covers
previous ones as special cases, and robust MC can recover the intrinsic matrix
with a higher rank. Moreover, we suggest a universal choice of the
regularization parameter, which is $\lambda=1/\sqrt{\log n}$. By our
$\ell_{2,1}$ filtering algorithm, which has theoretical guarantees, we can
further reduce the computational cost of our model. As an application, we also
find that the solutions to extended robust Low-Rank Representation and to our
extended robust MC are mutually expressible, so both our theory and algorithm
can be applied to the subspace clustering problem with missing values under
certain conditions. Experiments verify our theories.
|
Conservativeness of untied auto-encoders | We discuss necessary and sufficient conditions for an auto-encoder to define
a conservative vector field, in which case it is associated with an energy
function akin to the unnormalized log-probability of the data. We show that the
conditions for conservativeness are more general than for encoder and decoder
weights to be the same ("tied weights"), and that they also depend on the form
of the hidden unit activation function, but that contractive training criteria,
such as denoising, will enforce these conditions locally. Based on these
observations, we show how we can use auto-encoders to extract the conservative
component of a vector field.
|
Semantic Relation Classification via Convolutional Neural Networks with
Simple Negative Sampling | Syntactic features play an essential role in identifying relationship in a
sentence. Previous neural network models often suffer from irrelevant
information introduced when subjects and objects are in a long distance. In
this paper, we propose to learn more robust relation representations from the
shortest dependency path through a convolution neural network. We further
propose a straightforward negative sampling strategy to improve the assignment
of subjects and objects. Experimental results show that our method outperforms
the state-of-the-art methods on the SemEval-2010 Task 8 dataset.
|
Manifold Optimization for Gaussian Mixture Models | We take a new look at parameter estimation for Gaussian Mixture Models
(GMMs). In particular, we propose using \emph{Riemannian manifold optimization}
as a powerful counterpart to Expectation Maximization (EM). An out-of-the-box
invocation of manifold optimization, however, fails spectacularly: it converges
to the same solution but vastly slower. Driven by intuition from manifold
convexity, we then propose a reparamerization that has remarkable empirical
consequences. It makes manifold optimization not only match EM---a highly
encouraging result in itself given the poor record nonlinear programming
methods have had against EM so far---but also outperform EM in many practical
settings, while displaying much less variability in running times. We further
highlight the strengths of manifold optimization by developing a somewhat tuned
manifold LBFGS method that proves even more competitive and reliable than
existing manifold optimization tools. We hope that our results encourage a
wider consideration of manifold optimization for parameter estimation problems.
|
AttentionNet: Aggregating Weak Directions for Accurate Object Detection | We present a novel detection method using a deep convolutional neural network
(CNN), named AttentionNet. We cast an object detection problem as an iterative
classification problem, which is the most suitable form of a CNN. AttentionNet
provides quantized weak directions pointing a target object and the ensemble of
iterative predictions from AttentionNet converges to an accurate object
boundary box. Since AttentionNet is a unified network for object detection, it
detects objects without any separated models from the object proposal to the
post bounding-box regression. We evaluate AttentionNet by a human detection
task and achieve the state-of-the-art performance of 65% (AP) on PASCAL VOC
2007/2012 with an 8-layered architecture only.
|
Fairness-Aware Learning with Restriction of Universal Dependency using
f-Divergences | Fairness-aware learning is a novel framework for classification tasks. Like
regular empirical risk minimization (ERM), it aims to learn a classifier with a
low error rate, and at the same time, for the predictions of the classifier to
be independent of sensitive features, such as gender, religion, race, and
ethnicity. Existing methods can achieve low dependencies on given samples, but
this is not guaranteed on unseen samples. The existing fairness-aware learning
algorithms employ different dependency measures, and each algorithm is
specifically designed for a particular one. Such diversity makes it difficult
to theoretically analyze and compare them. In this paper, we propose a general
framework for fairness-aware learning that uses f-divergences and that covers
most of the dependency measures employed in the existing methods. We introduce
a way to estimate the f-divergences that allows us to give a unified analysis
for the upper bound of the estimation error; this bound is tighter than that of
the existing convergence rate analysis of the divergence estimation. With our
divergence estimate, we propose a fairness-aware learning algorithm, and
perform a theoretical analysis of its generalization error. Our analysis
reveals that, under mild assumptions and even with enforcement of fairness, the
generalization error of our method is $O(\sqrt{1/n})$, which is the same as
that of the regular ERM. In addition, and more importantly, we show that, for
any f-divergence, the upper bound of the estimation error of the divergence is
$O(\sqrt{1/n})$. This indicates that our fairness-aware learning algorithm
guarantees low dependencies on unseen samples for any dependency measure
represented by an f-divergence.
|
Diffusion Nets | Non-linear manifold learning enables high-dimensional data analysis, but
requires out-of-sample-extension methods to process new data points. In this
paper, we propose a manifold learning algorithm based on deep learning to
create an encoder, which maps a high-dimensional dataset and its
low-dimensional embedding, and a decoder, which takes the embedded data back to
the high-dimensional space. Stacking the encoder and decoder together
constructs an autoencoder, which we term a diffusion net, that performs
out-of-sample-extension as well as outlier detection. We introduce new neural
net constraints for the encoder, which preserves the local geometry of the
points, and we prove rates of convergence for the encoder. Also, our approach
is efficient in both computational complexity and memory requirements, as
opposed to previous methods that require storage of all training points in both
the high-dimensional and the low-dimensional spaces to calculate the
out-of-sample-extension and the pre-image.
|
Decentralized Q-Learning for Stochastic Teams and Games | There are only a few learning algorithms applicable to stochastic dynamic
teams and games which generalize Markov decision processes to decentralized
stochastic control problems involving possibly self-interested decision makers.
Learning in games is generally difficult because of the non-stationary
environment in which each decision maker aims to learn its optimal decisions
with minimal information in the presence of the other decision makers who are
also learning. In stochastic dynamic games, learning is more challenging
because, while learning, the decision makers alter the state of the system and
hence the future cost. In this paper, we present decentralized Q-learning
algorithms for stochastic games, and study their convergence for the weakly
acyclic case which includes team problems as an important special case. The
algorithm is decentralized in that each decision maker has access to only its
local information, the state information, and the local cost realizations;
furthermore, it is completely oblivious to the presence of other decision
makers. We show that these algorithms converge to equilibrium policies almost
surely in large classes of stochastic games.
|
Collaboratively Learning Preferences from Ordinal Data | In applications such as recommendation systems and revenue management, it is
important to predict preferences on items that have not been seen by a user or
predict outcomes of comparisons among those that have never been compared. A
popular discrete choice model of multinomial logit model captures the structure
of the hidden preferences with a low-rank matrix. In order to predict the
preferences, we want to learn the underlying model from noisy observations of
the low-rank matrix, collected as revealed preferences in various forms of
ordinal data. A natural approach to learn such a model is to solve a convex
relaxation of nuclear norm minimization. We present the convex relaxation
approach in two contexts of interest: collaborative ranking and bundled choice
modeling. In both cases, we show that the convex relaxation is minimax optimal.
We prove an upper bound on the resulting error with finite samples, and provide
a matching information-theoretic lower bound.
|
Skopus: Mining top-k sequential patterns under leverage | This paper presents a framework for exact discovery of the top-k sequential
patterns under Leverage. It combines (1) a novel definition of the expected
support for a sequential pattern - a concept on which most interestingness
measures directly rely - with (2) SkOPUS: a new branch-and-bound algorithm for
the exact discovery of top-k sequential patterns under a given measure of
interest. Our interestingness measure employs the partition approach. A pattern
is interesting to the extent that it is more frequent than can be explained by
assuming independence between any of the pairs of patterns from which it can be
composed. The larger the support compared to the expectation under
independence, the more interesting is the pattern. We build on these two
elements to exactly extract the k sequential patterns with highest leverage,
consistent with our definition of expected support. We conduct experiments on
both synthetic data with known patterns and real-world datasets; both
experiments confirm the consistency and relevance of our approach with regard
to the state of the art. This article was published in Data Mining and
Knowledge Discovery and is accessible at
http://dx.doi.org/10.1007/s10618-016-0467-9.
|
Modelling of directional data using Kent distributions | The modelling of data on a spherical surface requires the consideration of
directional probability distributions. To model asymmetrically distributed data
on a three-dimensional sphere, Kent distributions are often used. The moment
estimates of the parameters are typically used in modelling tasks involving
Kent distributions. However, these lack a rigorous statistical treatment. The
focus of the paper is to introduce a Bayesian estimation of the parameters of
the Kent distribution which has not been carried out in the literature, partly
because of its complex mathematical form. We employ the Bayesian
information-theoretic paradigm of Minimum Message Length (MML) to bridge this
gap and derive reliable estimators. The inferred parameters are subsequently
used in mixture modelling of Kent distributions. The problem of inferring the
suitable number of mixture components is also addressed using the MML
criterion. We demonstrate the superior performance of the derived MML-based
parameter estimates against the traditional estimators. We apply the MML
principle to infer mixtures of Kent distributions to model empirical data
corresponding to protein conformations. We demonstrate the effectiveness of
Kent models to act as improved descriptors of protein structural data as
compared to commonly used von Mises-Fisher distributions.
|
An Empirical Study of Stochastic Variational Algorithms for the Beta
Bernoulli Process | Stochastic variational inference (SVI) is emerging as the most promising
candidate for scaling inference in Bayesian probabilistic models to large
datasets. However, the performance of these methods has been assessed primarily
in the context of Bayesian topic models, particularly latent Dirichlet
allocation (LDA). Deriving several new algorithms, and using synthetic, image
and genomic datasets, we investigate whether the understanding gleaned from LDA
applies in the setting of sparse latent factor models, specifically beta
process factor analysis (BPFA). We demonstrate that the big picture is
consistent: using Gibbs sampling within SVI to maintain certain posterior
dependencies is extremely effective. However, we find that different posterior
dependencies are important in BPFA relative to LDA. Particularly,
approximations able to model intra-local variable dependence perform best.
|
A geometric alternative to Nesterov's accelerated gradient descent | We propose a new method for unconstrained optimization of a smooth and
strongly convex function, which attains the optimal rate of convergence of
Nesterov's accelerated gradient descent. The new algorithm has a simple
geometric interpretation, loosely inspired by the ellipsoid method. We provide
some numerical evidence that the new method can be superior to Nesterov's
accelerated gradient descent.
|
Correlation Clustering and Biclustering with Locally Bounded Errors | We consider a generalized version of the correlation clustering problem,
defined as follows. Given a complete graph $G$ whose edges are labeled with $+$
or $-$, we wish to partition the graph into clusters while trying to avoid
errors: $+$ edges between clusters or $-$ edges within clusters. Classically,
one seeks to minimize the total number of such errors. We introduce a new
framework that allows the objective to be a more general function of the number
of errors at each vertex (for example, we may wish to minimize the number of
errors at the worst vertex) and provide a rounding algorithm which converts
"fractional clusterings" into discrete clusterings while causing only a
constant-factor blowup in the number of errors at each vertex. This rounding
algorithm yields constant-factor approximation algorithms for the discrete
problem under a wide variety of objective functions.
|
Convolutional networks and learning invariant to homogeneous
multiplicative scalings | The conventional classification schemes -- notably multinomial logistic
regression -- used in conjunction with convolutional networks (convnets) are
classical in statistics, designed without consideration for the usual coupling
with convnets, stochastic gradient descent, and backpropagation. In the
specific application to supervised learning for convnets, a simple
scale-invariant classification stage turns out to be more robust than
multinomial logistic regression, appears to result in slightly lower errors on
several standard test sets, has similar computational costs, and features
precise control over the actual rate of learning. "Scale-invariant" means that
multiplying the input values by any nonzero scalar leaves the output unchanged.
|
Occam's Gates | We present a complimentary objective for training recurrent neural networks
(RNN) with gating units that helps with regularization and interpretability of
the trained model. Attention-based RNN models have shown success in many
difficult sequence to sequence classification problems with long and short term
dependencies, however these models are prone to overfitting. In this paper, we
describe how to regularize these models through an L1 penalty on the activation
of the gating units, and show that this technique reduces overfitting on a
variety of tasks while also providing to us a human-interpretable visualization
of the inputs used by the network. These tasks include sentiment analysis,
paraphrase recognition, and question answering.
|
A Novel Approach for Stable Selection of Informative Redundant Features
from High Dimensional fMRI Data | Feature selection is among the most important components because it not only
helps enhance the classification accuracy, but also or even more important
provides potential biomarker discovery. However, traditional multivariate
methods is likely to obtain unstable and unreliable results in case of an
extremely high dimensional feature space and very limited training samples,
where the features are often correlated or redundant. In order to improve the
stability, generalization and interpretations of the discovered potential
biomarker and enhance the robustness of the resultant classifier, the redundant
but informative features need to be also selected. Therefore we introduced a
novel feature selection method which combines a recent implementation of the
stability selection approach and the elastic net approach. The advantage in
terms of better control of false discoveries and missed discoveries of our
approach, and the resulted better interpretability of the obtained potential
biomarker is verified in both synthetic and real fMRI experiments. In addition,
we are among the first to demonstrate the robustness of feature selection
benefiting from the incorporation of stability selection and also among the
first to demonstrate the possible unrobustness of the classical univariate
two-sample t-test method. Specifically, we show the robustness of our feature
selection results in existence of noisy (wrong) training labels, as well as the
robustness of the resulted classifier based on our feature selection results in
the existence of data variation, demonstrated by a multi-center
attention-deficit/hyperactivity disorder (ADHD) fMRI data.
|
Improved Deep Speaker Feature Learning for Text-Dependent Speaker
Recognition | A deep learning approach has been proposed recently to derive speaker
identifies (d-vector) by a deep neural network (DNN). This approach has been
applied to text-dependent speaker recognition tasks and shows reasonable
performance gains when combined with the conventional i-vector approach.
Although promising, the existing d-vector implementation still can not compete
with the i-vector baseline. This paper presents two improvements for the deep
learning approach: a phonedependent DNN structure to normalize phone variation,
and a new scoring approach based on dynamic time warping (DTW). Experiments on
a text-dependent speaker recognition task demonstrated that the proposed
methods can provide considerable performance improvement over the existing
d-vector implementation.
|
Stochastic Gradient Made Stable: A Manifold Propagation Approach for
Large-Scale Optimization | Stochastic gradient descent (SGD) holds as a classical method to build large
scale machine learning models over big data. A stochastic gradient is typically
calculated from a limited number of samples (known as mini-batch), so it
potentially incurs a high variance and causes the estimated parameters bounce
around the optimal solution. To improve the stability of stochastic gradient,
recent years have witnessed the proposal of several semi-stochastic gradient
descent algorithms, which distinguish themselves from standard SGD by
incorporating global information into gradient computation. In this paper we
contribute a novel stratified semi-stochastic gradient descent (S3GD) algorithm
to this nascent research area, accelerating the optimization of a large family
of composite convex functions. Though theoretically converging faster, prior
semi-stochastic algorithms are found to suffer from high iteration complexity,
which makes them even slower than SGD in practice on many datasets. In our
proposed S3GD, the semi-stochastic gradient is calculated based on efficient
manifold propagation, which can be numerically accomplished by sparse matrix
multiplications. This way S3GD is able to generate a highly-accurate estimate
of the exact gradient from each mini-batch with largely-reduced computational
complexity. Theoretic analysis reveals that the proposed S3GD elegantly
balances the geometric algorithmic convergence rate against the space and time
complexities during the optimization. The efficacy of S3GD is also
experimentally corroborated on several large-scale benchmark datasets.
|
Topic2Vec: Learning Distributed Representations of Topics | Latent Dirichlet Allocation (LDA) mining thematic structure of documents
plays an important role in nature language processing and machine learning
areas. However, the probability distribution from LDA only describes the
statistical relationship of occurrences in the corpus and usually in practice,
probability is not the best choice for feature representations. Recently,
embedding methods have been proposed to represent words and documents by
learning essential concepts and representations, such as Word2Vec and Doc2Vec.
The embedded representations have shown more effectiveness than LDA-style
representations in many tasks. In this paper, we propose the Topic2Vec approach
which can learn topic representations in the same semantic vector space with
words, as an alternative to probability. The experimental results show that
Topic2Vec achieves interesting and meaningful results.
|
Neural Simpletrons - Minimalistic Directed Generative Networks for
Learning with Few Labels | Classifiers for the semi-supervised setting often combine strong supervised
models with additional learning objectives to make use of unlabeled data. This
results in powerful though very complex models that are hard to train and that
demand additional labels for optimal parameter tuning, which are often not
given when labeled data is very sparse. We here study a minimalistic
multi-layer generative neural network for semi-supervised learning in a form
and setting as similar to standard discriminative networks as possible. Based
on normalized Poisson mixtures, we derive compact and local learning and neural
activation rules. Learning and inference in the network can be scaled using
standard deep learning tools for parallelized GPU implementation. With the
single objective of likelihood optimization, both labeled and unlabeled data
are naturally incorporated into learning. Empirical evaluations on standard
benchmarks show, that for datasets with few labels the derived minimalistic
network improves on all classical deep learning approaches and is competitive
with their recent variants without the need of additional labels for parameter
tuning. Furthermore, we find that the studied network is the best performing
monolithic (`non-hybrid') system for few labels, and that it can be applied in
the limit of very few labels, where no other system has been reported to
operate so far.
|
Beating the Perils of Non-Convexity: Guaranteed Training of Neural
Networks using Tensor Methods | Training neural networks is a challenging non-convex optimization problem,
and backpropagation or gradient descent can get stuck in spurious local optima.
We propose a novel algorithm based on tensor decomposition for guaranteed
training of two-layer neural networks. We provide risk bounds for our proposed
method, with a polynomial sample complexity in the relevant parameters, such as
input dimension and number of neurons. While learning arbitrary target
functions is NP-hard, we provide transparent conditions on the function and the
input for learnability. Our training method is based on tensor decomposition,
which provably converges to the global optimum, under a set of mild
non-degeneracy conditions. It consists of simple embarrassingly parallel linear
and multi-linear operations, and is competitive with standard stochastic
gradient descent (SGD), in terms of computational complexity. Thus, we propose
a computationally efficient method with guaranteed risk bounds for training
neural networks with one hidden layer.
|
A simple yet efficient algorithm for multiple kernel learning under
elastic-net constraints | This papers introduces an algorithm for the solution of multiple kernel
learning (MKL) problems with elastic-net constraints on the kernel weights. The
algorithm compares very favourably in terms of time and space complexity to
existing approaches and can be implemented with simple code that does not rely
on external libraries (except a conventional SVM solver).
|
Exact and approximate inference in graphical models: variable
elimination and beyond | Probabilistic graphical models offer a powerful framework to account for the
dependence structure between variables, which is represented as a graph.
However, the dependence between variables may render inference tasks
intractable. In this paper we review techniques exploiting the graph structure
for exact inference, borrowed from optimisation and computer science. They are
built on the principle of variable elimination whose complexity is dictated in
an intricate way by the order in which variables are eliminated. The so-called
treewidth of the graph characterises this algorithmic complexity: low-treewidth
graphs can be processed efficiently. The first message that we illustrate is
therefore the idea that for inference in graphical model, the number of
variables is not the limiting factor, and it is worth checking for the
treewidth before turning to approximate methods. We show how algorithms
providing an upper bound of the treewidth can be exploited to derive a 'good'
elimination order enabling to perform exact inference. The second message is
that when the treewidth is too large, algorithms for approximate inference
linked to the principle of variable elimination, such as loopy belief
propagation and variational approaches, can lead to accurate results while
being much less time consuming than Monte-Carlo approaches. We illustrate the
techniques reviewed in this article on benchmarks of inference problems in
genetic linkage analysis and computer vision, as well as on hidden variables
restoration in coupled Hidden Markov Models.
|
Variational Inference for Background Subtraction in Infrared Imagery | We propose a Gaussian mixture model for background subtraction in infrared
imagery. Following a Bayesian approach, our method automatically estimates the
number of Gaussian components as well as their parameters, while simultaneously
it avoids over/under fitting. The equations for estimating model parameters are
analytically derived and thus our method does not require any sampling
algorithm that is computationally and memory inefficient. The pixel density
estimate is followed by an efficient and highly accurate updating mechanism,
which permits our system to be automatically adapted to dynamically changing
operation conditions. Experimental results and comparisons with other methods
show that our method outperforms, in terms of precision and recall, while at
the same time it keeps computational cost suitable for real-time applications.
|
A spectral method for community detection in moderately-sparse
degree-corrected stochastic block models | We consider community detection in Degree-Corrected Stochastic Block Models
(DC-SBM). We propose a spectral clustering algorithm based on a suitably
normalized adjacency matrix. We show that this algorithm consistently recovers
the block-membership of all but a vanishing fraction of nodes, in the regime
where the lowest degree is of order log$(n)$ or higher. Recovery succeeds even
for very heterogeneous degree-distributions. The used algorithm does not rely
on parameters as input. In particular, it does not need to know the number of
communities.
|
Efficient and Parsimonious Agnostic Active Learning | We develop a new active learning algorithm for the streaming setting
satisfying three important properties: 1) It provably works for any classifier
representation and classification problem including those with severe noise. 2)
It is efficiently implementable with an ERM oracle. 3) It is more aggressive
than all previous approaches satisfying 1 and 2. To do this we create an
algorithm based on a newly defined optimization problem and analyze it. We also
conduct the first experimental analysis of all efficient agnostic active
learning algorithms, evaluating their strengths and weaknesses in different
settings.
|
Portfolio optimization using local linear regression ensembles in
RapidMiner | In this paper we implement a Local Linear Regression Ensemble Committee
(LOLREC) to predict 1-day-ahead returns of 453 assets form the S&P500. The
estimates and the historical returns of the committees are used to compute the
weights of the portfolio from the 453 stock. The proposed method outperforms
benchmark portfolio selection strategies that optimize the growth rate of the
capital. We investigate the effect of algorithm parameter m: the number of
selected stocks on achieved average annual yields. Results suggest the
algorithm's practical usefulness in everyday trading.
|
Dropout as data augmentation | Dropout is typically interpreted as bagging a large number of models sharing
parameters. We show that using dropout in a network can also be interpreted as
a kind of data augmentation in the input space without domain knowledge. We
present an approach to projecting the dropout noise within a network back into
the input space, thereby generating augmented versions of the training data,
and we show that training a deterministic network on the augmented samples
yields similar results. Finally, we propose a new dropout noise scheme based on
our observations and show that it improves dropout results without adding
significant computational cost.
|
S2: An Efficient Graph Based Active Learning Algorithm with Application
to Nonparametric Classification | This paper investigates the problem of active learning for binary label
prediction on a graph. We introduce a simple and label-efficient algorithm
called S2 for this task. At each step, S2 selects the vertex to be labeled
based on the structure of the graph and all previously gathered labels.
Specifically, S2 queries for the label of the vertex that bisects the *shortest
shortest* path between any pair of oppositely labeled vertices. We present a
theoretical estimate of the number of queries S2 needs in terms of a novel
parametrization of the complexity of binary functions on graphs. We also
present experimental results demonstrating the performance of S2 on both real
and synthetic data. While other graph-based active learning algorithms have
shown promise in practice, our algorithm is the first with both good
performance and theoretical guarantees. Finally, we demonstrate the
implications of the S2 algorithm to the theory of nonparametric active
learning. In particular, we show that S2 achieves near minimax optimal excess
risk for an important class of nonparametric classification problems.
|
The Ubuntu Dialogue Corpus: A Large Dataset for Research in Unstructured
Multi-Turn Dialogue Systems | This paper introduces the Ubuntu Dialogue Corpus, a dataset containing almost
1 million multi-turn dialogues, with a total of over 7 million utterances and
100 million words. This provides a unique resource for research into building
dialogue managers based on neural language models that can make use of large
amounts of unlabeled data. The dataset has both the multi-turn property of
conversations in the Dialog State Tracking Challenge datasets, and the
unstructured nature of interactions from microblog services such as Twitter. We
also describe two neural learning architectures suitable for analyzing this
dataset, and provide benchmark performance on the task of selecting the best
next response.
|
Learning Single Index Models in High Dimensions | Single Index Models (SIMs) are simple yet flexible semi-parametric models for
classification and regression. Response variables are modeled as a nonlinear,
monotonic function of a linear combination of features. Estimation in this
context requires learning both the feature weights, and the nonlinear function.
While methods have been described to learn SIMs in the low dimensional regime,
a method that can efficiently learn SIMs in high dimensions has not been
forthcoming. We propose three variants of a computationally and statistically
efficient algorithm for SIM inference in high dimensions. We establish excess
risk bounds for the proposed algorithms and experimentally validate the
advantages that our SIM learning methods provide relative to Generalized Linear
Model (GLM) and low dimensional SIM based learning methods.
|
Fast ADMM Algorithm for Distributed Optimization with Adaptive Penalty | We propose new methods to speed up convergence of the Alternating Direction
Method of Multipliers (ADMM), a common optimization tool in the context of
large scale and distributed learning. The proposed method accelerates the speed
of convergence by automatically deciding the constraint penalty needed for
parameter consensus in each iteration. In addition, we also propose an
extension of the method that adaptively determines the maximum number of
iterations to update the penalty. We show that this approach effectively leads
to an adaptive, dynamic network topology underlying the distributed
optimization. The utility of the new penalty update schemes is demonstrated on
both synthetic and real data, including a computer vision application of
distributed structure from motion.
|
Online Learning to Sample | Stochastic Gradient Descent (SGD) is one of the most widely used techniques
for online optimization in machine learning. In this work, we accelerate SGD by
adaptively learning how to sample the most useful training examples at each
time step. First, we show that SGD can be used to learn the best possible
sampling distribution of an importance sampling estimator. Second, we show that
the sampling distribution of an SGD algorithm can be estimated online by
incrementally minimizing the variance of the gradient. The resulting algorithm
- called Adaptive Weighted SGD (AW-SGD) - maintains a set of parameters to
optimize, as well as a set of parameters to sample learning examples. We show
that AWSGD yields faster convergence in three different applications: (i) image
classification with deep features, where the sampling of images depends on
their labels, (ii) matrix factorization, where rows and columns are not sampled
uniformly, and (iii) reinforcement learning, where the optimized and
exploration policies are estimated at the same time, where our approach
corresponds to an off-policy gradient algorithm.
|
Scalable Discrete Sampling as a Multi-Armed Bandit Problem | Drawing a sample from a discrete distribution is one of the building
components for Monte Carlo methods. Like other sampling algorithms, discrete
sampling suffers from the high computational burden in large-scale inference
problems. We study the problem of sampling a discrete random variable with a
high degree of dependency that is typical in large-scale Bayesian inference and
graphical models, and propose an efficient approximate solution with a
subsampling approach. We make a novel connection between the discrete sampling
and Multi-Armed Bandits problems with a finite reward population and provide
three algorithms with theoretical guarantees. Empirical evaluations show the
robustness and efficiency of the approximate algorithms in both synthetic and
real-world large-scale problems.
|
Framework for Multi-task Multiple Kernel Learning and Applications in
Genome Analysis | We present a general regularization-based framework for Multi-task learning
(MTL), in which the similarity between tasks can be learned or refined using
$\ell_p$-norm Multiple Kernel learning (MKL). Based on this very general
formulation (including a general loss function), we derive the corresponding
dual formulation using Fenchel duality applied to Hermitian matrices. We show
that numerous established MTL methods can be derived as special cases from
both, the primal and dual of our formulation. Furthermore, we derive a modern
dual-coordinate descend optimization strategy for the hinge-loss variant of our
formulation and provide convergence bounds for our algorithm. As a special
case, we implement in C++ a fast LibLinear-style solver for $\ell_p$-norm MKL.
In the experimental section, we analyze various aspects of our algorithm such
as predictive performance and ability to reconstruct task relationships on
biologically inspired synthetic data, where we have full control over the
underlying ground truth. We also experiment on a new dataset from the domain of
computational biology that we collected for the purpose of this paper. It
concerns the prediction of transcription start sites (TSS) over nine organisms,
which is a crucial task in gene finding. Our solvers including all discussed
special cases are made available as open-source software as part of the SHOGUN
machine learning toolbox (available at \url{http://shogun.ml}).
|
Unsupervised Learning from Narrated Instruction Videos | We address the problem of automatically learning the main steps to complete a
certain task, such as changing a car tire, from a set of narrated instruction
videos. The contributions of this paper are three-fold. First, we develop a new
unsupervised learning approach that takes advantage of the complementary nature
of the input video and the associated narration. The method solves two
clustering problems, one in text and one in video, applied one after each other
and linked by joint constraints to obtain a single coherent sequence of steps
in both modalities. Second, we collect and annotate a new challenging dataset
of real-world instruction videos from the Internet. The dataset contains about
800,000 frames for five different tasks that include complex interactions
between people and objects, and are captured in a variety of indoor and outdoor
settings. Third, we experimentally demonstrate that the proposed method can
automatically discover, in an unsupervised manner, the main steps to achieve
the task and locate the steps in the input videos.
|
Selective Inference and Learning Mixed Graphical Models | This thesis studies two problems in modern statistics. First, we study
selective inference, or inference for hypothesis that are chosen after looking
at the data. The motiving application is inference for regression coefficients
selected by the lasso. We present the Condition-on-Selection method that allows
for valid selective inference, and study its application to the lasso, and
several other selection algorithms.
In the second part, we consider the problem of learning the structure of a
pairwise graphical model over continuous and discrete variables. We present a
new pairwise model for graphical models with both continuous and discrete
variables that is amenable to structure learning. In previous work, authors
have considered structure learning of Gaussian graphical models and structure
learning of discrete models. Our approach is a natural generalization of these
two lines of work to the mixed case. The penalization scheme involves a novel
symmetric use of the group-lasso norm and follows naturally from a particular
parametrization of the model. We provide conditions under which our estimator
is model selection consistent in the high-dimensional regime.
|
Fast Cross-Validation for Incremental Learning | Cross-validation (CV) is one of the main tools for performance estimation and
parameter tuning in machine learning. The general recipe for computing CV
estimate is to run a learning algorithm separately for each CV fold, a
computationally expensive process. In this paper, we propose a new approach to
reduce the computational burden of CV-based performance estimation. As opposed
to all previous attempts, which are specific to a particular learning model or
problem domain, we propose a general method applicable to a large class of
incremental learning algorithms, which are uniquely fitted to big data
problems. In particular, our method applies to a wide range of supervised and
unsupervised learning tasks with different performance criteria, as long as the
base learning algorithm is incremental. We show that the running time of the
algorithm scales logarithmically, rather than linearly, in the number of CV
folds. Furthermore, the algorithm has favorable properties for parallel and
distributed implementation. Experiments with state-of-the-art incremental
learning algorithms confirm the practicality of the proposed method.
|
A Study of Gradient Descent Schemes for General-Sum Stochastic Games | Zero-sum stochastic games are easy to solve as they can be cast as simple
Markov decision processes. This is however not the case with general-sum
stochastic games. A fairly general optimization problem formulation is
available for general-sum stochastic games by Filar and Vrieze [2004]. However,
the optimization problem there has a non-linear objective and non-linear
constraints with special structure. Since gradients of both the objective as
well as constraints of this optimization problem are well defined, gradient
based schemes seem to be a natural choice. We discuss a gradient scheme tuned
for two-player stochastic games. We show in simulations that this scheme indeed
converges to a Nash equilibrium, for a simple terrain exploration problem
modelled as a general-sum stochastic game. However, it turns out that only
global minima of the optimization problem correspond to Nash equilibria of the
underlying general-sum stochastic game, while gradient schemes only guarantee
convergence to local minima. We then provide important necessary conditions for
gradient schemes to converge to Nash equilibria in general-sum stochastic
games.
|
Natural Neural Networks | We introduce Natural Neural Networks, a novel family of algorithms that speed
up convergence by adapting their internal representation during training to
improve conditioning of the Fisher matrix. In particular, we show a specific
example that employs a simple and efficient reparametrization of the neural
network weights by implicitly whitening the representation obtained at each
layer, while preserving the feed-forward computation of the network. Such
networks can be trained efficiently via the proposed Projected Natural Gradient
Descent algorithm (PRONG), which amortizes the cost of these reparametrizations
over many parameter updates and is closely related to the Mirror Descent online
learning algorithm. We highlight the benefits of our method on both
unsupervised and supervised learning tasks, and showcase its scalability by
training on the large-scale ImageNet Challenge dataset.
|
Bigeometric Organization of Deep Nets | In this paper, we build an organization of high-dimensional datasets that
cannot be cleanly embedded into a low-dimensional representation due to missing
entries and a subset of the features being irrelevant to modeling functions of
interest. Our algorithm begins by defining coarse neighborhoods of the points
and defining an expected empirical function value on these neighborhoods. We
then generate new non-linear features with deep net representations tuned to
model the approximate function, and re-organize the geometry of the points with
respect to the new representation. Finally, the points are locally z-scored to
create an intrinsic geometric organization which is independent of the
parameters of the deep net, a geometry designed to assure smoothness with
respect to the empirical function. We examine this approach on data from the
Center for Medicare and Medicaid Services Hospital Quality Initiative, and
generate an intrinsic low-dimensional organization of the hospitals that is
smooth with respect to an expert driven function of quality.
|
Bootstrapped Thompson Sampling and Deep Exploration | This technical note presents a new approach to carrying out the kind of
exploration achieved by Thompson sampling, but without explicitly maintaining
or sampling from posterior distributions. The approach is based on a bootstrap
technique that uses a combination of observed and artificially generated data.
The latter serves to induce a prior distribution which, as we will demonstrate,
is critical to effective exploration. We explain how the approach can be
applied to multi-armed bandit and reinforcement learning problems and how it
relates to Thompson sampling. The approach is particularly well-suited for
contexts in which exploration is coupled with deep learning, since in these
settings, maintaining or generating samples from a posterior distribution
becomes computationally infeasible.
|
Notes on Low-rank Matrix Factorization | Low-rank matrix factorization (MF) is an important technique in data science.
The key idea of MF is that there exists latent structures in the data, by
uncovering which we could obtain a compressed representation of the data. By
factorizing an original matrix to low-rank matrices, MF provides a unified
method for dimension reduction, clustering, and matrix completion. In this
article we review several important variants of MF, including: Basic MF,
Non-negative MF, Orthogonal non-negative MF. As can be told from their names,
non-negative MF and orthogonal non-negative MF are variants of basic MF with
non-negativity and/or orthogonality constraints. Such constraints are useful in
specific senarios. In the first part of this article, we introduce, for each of
these models, the application scenarios, the distinctive properties, and the
optimizing method. By properly adapting MF, we can go beyond the problem of
clustering and matrix completion. In the second part of this article, we will
extend MF to sparse matrix compeletion, enhance matrix compeletion using
various regularization methods, and make use of MF for (semi-)supervised
learning by introducing latent space reinforcement and transformation. We will
see that MF is not only a useful model but also as a flexible framework that is
applicable for various prediction problems.
|
An Empirical Evaluation of True Online TD({\lambda}) | The true online TD({\lambda}) algorithm has recently been proposed (van
Seijen and Sutton, 2014) as a universal replacement for the popular
TD({\lambda}) algorithm, in temporal-difference learning and reinforcement
learning. True online TD({\lambda}) has better theoretical properties than
conventional TD({\lambda}), and the expectation is that it also results in
faster learning. In this paper, we put this hypothesis to the test.
Specifically, we compare the performance of true online TD({\lambda}) with that
of TD({\lambda}) on challenging examples, random Markov reward processes, and a
real-world myoelectric prosthetic arm. We use linear function approximation
with tabular, binary, and non-binary features. We assess the algorithms along
three dimensions: computational cost, learning speed, and ease of use. Our
results confirm the strength of true online TD({\lambda}): 1) for sparse
feature vectors, the computational overhead with respect to TD({\lambda}) is
minimal; for non-sparse features the computation time is at most twice that of
TD({\lambda}), 2) across all domains/representations the learning speed of true
online TD({\lambda}) is often better, but never worse than that of
TD({\lambda}), and 3) true online TD({\lambda}) is easier to use, because it
does not require choosing between trace types, and it is generally more stable
with respect to the step-size. Overall, our results suggest that true online
TD({\lambda}) should be the first choice when looking for an efficient,
general-purpose TD method.
|
Fast Convergence of Regularized Learning in Games | We show that natural classes of regularized learning algorithms with a form
of recency bias achieve faster convergence rates to approximate efficiency and
to coarse correlated equilibria in multiplayer normal form games. When each
player in a game uses an algorithm from our class, their individual regret
decays at $O(T^{-3/4})$, while the sum of utilities converges to an approximate
optimum at $O(T^{-1})$--an improvement upon the worst case $O(T^{-1/2})$ rates.
We show a black-box reduction for any algorithm in the class to achieve
$\tilde{O}(T^{-1/2})$ rates against an adversary, while maintaining the faster
rates against algorithms in the class. Our results extend those of [Rakhlin and
Shridharan 2013] and [Daskalakis et al. 2014], who only analyzed two-player
zero-sum games for specific algorithms.
|
No-Regret Learning in Bayesian Games | Recent price-of-anarchy analyses of games of complete information suggest
that coarse correlated equilibria, which characterize outcomes resulting from
no-regret learning dynamics, have near-optimal welfare. This work provides two
main technical results that lift this conclusion to games of incomplete
information, a.k.a., Bayesian games. First, near-optimal welfare in Bayesian
games follows directly from the smoothness-based proof of near-optimal welfare
in the same game when the private information is public. Second, no-regret
learning dynamics converge to Bayesian coarse correlated equilibrium in these
incomplete information games. These results are enabled by interpretation of a
Bayesian game as a stochastic game of complete information.
|
Categorical Matrix Completion | We consider the problem of completing a matrix with categorical-valued
entries from partial observations. This is achieved by extending the
formulation and theory of one-bit matrix completion. We recover a low-rank
matrix $X$ by maximizing the likelihood ratio with a constraint on the nuclear
norm of $X$, and the observations are mapped from entries of $X$ through
multiple link functions. We establish theoretical upper and lower bounds on the
recovery error, which meet up to a constant factor $\mathcal{O}(K^{3/2})$ where
$K$ is the fixed number of categories. The upper bound in our case depends on
the number of categories implicitly through a maximization of terms that
involve the smoothness of the link functions. In contrast to one-bit matrix
completion, our bounds for categorical matrix completion are optimal up to a
factor on the order of the square root of the number of categories, which is
consistent with an intuition that the problem becomes harder when the number of
categories increases. By comparing the performance of our method with the
conventional matrix completion method on the MovieLens dataset, we demonstrate
the advantage of our method.
|
Online Transfer Learning in Reinforcement Learning Domains | This paper proposes an online transfer framework to capture the interaction
among agents and shows that current transfer learning in reinforcement learning
is a special case of online transfer. Furthermore, this paper re-characterizes
existing agents-teaching-agents methods as online transfer and analyze one such
teaching method in three ways. First, the convergence of Q-learning and Sarsa
with tabular representation with a finite budget is proven. Second, the
convergence of Q-learning and Sarsa with linear function approximation is
established. Third, the we show the asymptotic performance cannot be hurt
through teaching. Additionally, all theoretical results are empirically
validated.
|
DC Proximal Newton for Non-Convex Optimization Problems | We introduce a novel algorithm for solving learning problems where both the
loss function and the regularizer are non-convex but belong to the class of
difference of convex (DC) functions. Our contribution is a new general purpose
proximal Newton algorithm that is able to deal with such a situation. The
algorithm consists in obtaining a descent direction from an approximation of
the loss function and then in performing a line search to ensure sufficient
descent. A theoretical analysis is provided showing that the iterates of the
proposed algorithm {admit} as limit points stationary points of the DC
objective function. Numerical experiments show that our approach is more
efficient than current state of the art for a problem with a convex loss
functions and non-convex regularizer. We have also illustrated the benefit of
our algorithm in high-dimensional transductive learning problem where both loss
function and regularizers are non-convex.
|
The Optimal Sample Complexity of PAC Learning | This work establishes a new upper bound on the number of samples sufficient
for PAC learning in the realizable case. The bound matches known lower bounds
up to numerical constant factors. This solves a long-standing open problem on
the sample complexity of PAC learning. The technique and analysis build on a
recent breakthrough by Hans Simon.
|
Non-convex Regularizations for Feature Selection in Ranking With Sparse
SVM | Feature selection in learning to rank has recently emerged as a crucial
issue. Whereas several preprocessing approaches have been proposed, only a few
works have been focused on integrating the feature selection into the learning
process. In this work, we propose a general framework for feature selection in
learning to rank using SVM with a sparse regularization term. We investigate
both classical convex regularizations such as $\ell\_1$ or weighted $\ell\_1$
and non-convex regularization terms such as log penalty, Minimax Concave
Penalty (MCP) or $\ell\_p$ pseudo norm with $p\textless{}1$. Two algorithms are
proposed, first an accelerated proximal approach for solving the convex
problems, second a reweighted $\ell\_1$ scheme to address the non-convex
regularizations. We conduct intensive experiments on nine datasets from Letor
3.0 and Letor 4.0 corpora. Numerical results show that the use of non-convex
regularizations we propose leads to more sparsity in the resulting models while
prediction performance is preserved. The number of features is decreased by up
to a factor of six compared to the $\ell\_1$ regularization. In addition, the
software is publicly available on the web.
|
Optimal Transport for Domain Adaptation | Domain adaptation from one data space (or domain) to another is one of the
most challenging tasks of modern data analytics. If the adaptation is done
correctly, models built on a specific data space become more robust when
confronted to data depicting the same semantic concepts (the classes), but
observed by another observation system with its own specificities. Among the
many strategies proposed to adapt a domain to another, finding a common
representation has shown excellent properties: by finding a common
representation for both domains, a single classifier can be effective in both
and use labelled samples from the source domain to predict the unlabelled
samples of the target domain. In this paper, we propose a regularized
unsupervised optimal transportation model to perform the alignment of the
representations in the source and target domains. We learn a transportation
plan matching both PDFs, which constrains labelled samples in the source domain
to remain close during transport. This way, we exploit at the same time the few
labeled information in the source and the unlabelled distributions observed in
both domains. Experiments in toy and challenging real visual adaptation
examples show the interest of the method, that consistently outperforms state
of the art approaches.
|
Regularized linear system identification using atomic, nuclear and
kernel-based norms: the role of the stability constraint | Inspired by ideas taken from the machine learning literature, new
regularization techniques have been recently introduced in linear system
identification. In particular, all the adopted estimators solve a regularized
least squares problem, differing in the nature of the penalty term assigned to
the impulse response. Popular choices include atomic and nuclear norms (applied
to Hankel matrices) as well as norms induced by the so called stable spline
kernels. In this paper, a comparative study of estimators based on these
different types of regularizers is reported. Our findings reveal that stable
spline kernels outperform approaches based on atomic and nuclear norms since
they suitably embed information on impulse response stability and smoothness.
This point is illustrated using the Bayesian interpretation of regularization.
We also design a new class of regularizers defined by "integral" versions of
stable spline/TC kernels. Under quite realistic experimental conditions, the
new estimators outperform classical prediction error methods also when the
latter are equipped with an oracle for model order selection.
|
Self-Learning Cloud Controllers: Fuzzy Q-Learning for Knowledge
Evolution | Cloud controllers aim at responding to application demands by automatically
scaling the compute resources at runtime to meet performance guarantees and
minimize resource costs. Existing cloud controllers often resort to scaling
strategies that are codified as a set of adaptation rules. However, for a cloud
provider, applications running on top of the cloud infrastructure are more or
less black-boxes, making it difficult at design time to define optimal or
pre-emptive adaptation rules. Thus, the burden of taking adaptation decisions
often is delegated to the cloud application. Yet, in most cases, application
developers in turn have limited knowledge of the cloud infrastructure. In this
paper, we propose learning adaptation rules during runtime. To this end, we
introduce FQL4KE, a self-learning fuzzy cloud controller. In particular, FQL4KE
learns and modifies fuzzy rules at runtime. The benefit is that for designing
cloud controllers, we do not have to rely solely on precise design-time
knowledge, which may be difficult to acquire. FQL4KE empowers users to specify
cloud controllers by simply adjusting weights representing priorities in system
goals instead of specifying complex adaptation rules. The applicability of
FQL4KE has been experimentally assessed as part of the cloud application
framework ElasticBench. The experimental results indicate that FQL4KE
outperforms our previously developed fuzzy controller without learning
mechanisms and the native Azure auto-scaling.
|
SQL for SRL: Structure Learning Inside a Database System | The position we advocate in this paper is that relational algebra can provide
a unified language for both representing and computing with
statistical-relational objects, much as linear algebra does for traditional
single-table machine learning. Relational algebra is implemented in the
Structured Query Language (SQL), which is the basis of relational database
management systems. To support our position, we have developed the FACTORBASE
system, which uses SQL as a high-level scripting language for
statistical-relational learning of a graphical model structure. The design
philosophy of FACTORBASE is to manage statistical models as first-class
citizens inside a database. Our implementation shows how our SQL constructs in
FACTORBASE facilitate fast, modular, and reliable program development.
Empirical evidence from six benchmark databases indicates that leveraging
database system capabilities achieves scalable model structure learning.
|
Distributional Smoothing with Virtual Adversarial Training | We propose local distributional smoothness (LDS), a new notion of smoothness
for statistical model that can be used as a regularization term to promote the
smoothness of the model distribution. We named the LDS based regularization as
virtual adversarial training (VAT). The LDS of a model at an input datapoint is
defined as the KL-divergence based robustness of the model distribution against
local perturbation around the datapoint. VAT resembles adversarial training,
but distinguishes itself in that it determines the adversarial direction from
the model distribution alone without using the label information, making it
applicable to semi-supervised learning. The computational cost for VAT is
relatively low. For neural network, the approximated gradient of the LDS can be
computed with no more than three pairs of forward and back propagations. When
we applied our technique to supervised and semi-supervised learning for the
MNIST dataset, it outperformed all the training methods other than the current
state of the art method, which is based on a highly advanced generative model.
We also applied our method to SVHN and NORB, and confirmed our method's
superior performance over the current state of the art semi-supervised method
applied to these datasets.
|
Fast, Provable Algorithms for Isotonic Regression in all
$\ell_{p}$-norms | Given a directed acyclic graph $G,$ and a set of values $y$ on the vertices,
the Isotonic Regression of $y$ is a vector $x$ that respects the partial order
described by $G,$ and minimizes $||x-y||,$ for a specified norm. This paper
gives improved algorithms for computing the Isotonic Regression for all
weighted $\ell_{p}$-norms with rigorous performance guarantees. Our algorithms
are quite practical, and their variants can be implemented to run fast in
practice.
|
Incentivizing Exploration In Reinforcement Learning With Deep Predictive
Models | Achieving efficient and scalable exploration in complex domains poses a major
challenge in reinforcement learning. While Bayesian and PAC-MDP approaches to
the exploration problem offer strong formal guarantees, they are often
impractical in higher dimensions due to their reliance on enumerating the
state-action space. Hence, exploration in complex domains is often performed
with simple epsilon-greedy methods. In this paper, we consider the challenging
Atari games domain, which requires processing raw pixel inputs and delayed
rewards. We evaluate several more sophisticated exploration strategies,
including Thompson sampling and Boltzman exploration, and propose a new
exploration method based on assigning exploration bonuses from a concurrently
learned model of the system dynamics. By parameterizing our learned model with
a neural network, we are able to develop a scalable and efficient approach to
exploration bonuses that can be applied to tasks with complex, high-dimensional
state spaces. In the Atari domain, our method provides the most consistent
improvement across a range of games that pose a major challenge for prior
methods. In addition to raw game-scores, we also develop an AUC-100 metric for
the Atari Learning domain to evaluate the impact of exploration on this
benchmark.
|
D-MFVI: Distributed Mean Field Variational Inference using Bregman ADMM | Bayesian models provide a framework for probabilistic modelling of complex
datasets. However, many of such models are computationally demanding especially
in the presence of large datasets. On the other hand, in sensor network
applications, statistical (Bayesian) parameter estimation usually needs
distributed algorithms, in which both data and computation are distributed
across the nodes of the network. In this paper we propose a general framework
for distributed Bayesian learning using Bregman Alternating Direction Method of
Multipliers (B-ADMM). We demonstrate the utility of our framework, with Mean
Field Variational Bayes (MFVB) as the primitive for distributed Matrix
Factorization (MF) and distributed affine structure from motion (SfM).
|
Ridge Regression, Hubness, and Zero-Shot Learning | This paper discusses the effect of hubness in zero-shot learning, when ridge
regression is used to find a mapping between the example space to the label
space. Contrary to the existing approach, which attempts to find a mapping from
the example space to the label space, we show that mapping labels into the
example space is desirable to suppress the emergence of hubs in the subsequent
nearest neighbor search step. Assuming a simple data model, we prove that the
proposed approach indeed reduces hubness. This was verified empirically on the
tasks of bilingual lexicon extraction and image labeling: hubness was reduced
with both of these tasks and the accuracy was improved accordingly.
|
LogDet Rank Minimization with Application to Subspace Clustering | Low-rank matrix is desired in many machine learning and computer vision
problems. Most of the recent studies use the nuclear norm as a convex surrogate
of the rank operator. However, all singular values are simply added together by
the nuclear norm, and thus the rank may not be well approximated in practical
problems. In this paper, we propose to use a log-determinant (LogDet) function
as a smooth and closer, though non-convex, approximation to rank for obtaining
a low-rank representation in subspace clustering. Augmented Lagrange
multipliers strategy is applied to iteratively optimize the LogDet-based
non-convex objective function on potentially large-scale data. By making use of
the angular information of principal directions of the resultant low-rank
representation, an affinity graph matrix is constructed for spectral
clustering. Experimental results on motion segmentation and face clustering
data demonstrate that the proposed method often outperforms state-of-the-art
subspace clustering algorithms.
|
Twitter Sentiment Analysis: Lexicon Method, Machine Learning Method and
Their Combination | This paper covers the two approaches for sentiment analysis: i) lexicon based
method; ii) machine learning method. We describe several techniques to
implement these approaches and discuss how they can be adopted for sentiment
classification of Twitter messages. We present a comparative study of different
lexicon combinations and show that enhancing sentiment lexicons with emoticons,
abbreviations and social-media slang expressions increases the accuracy of
lexicon-based classification for Twitter. We discuss the importance of feature
generation and feature selection processes for machine learning sentiment
classification. To quantify the performance of the main sentiment analysis
methods over Twitter we run these algorithms on a benchmark Twitter dataset
from the SemEval-2013 competition, task 2-B. The results show that machine
learning method based on SVM and Naive Bayes classifiers outperforms the
lexicon method. We present a new ensemble method that uses a lexicon based
sentiment score as input feature for the machine learning approach. The
combined method proved to produce more precise classifications. We also show
that employing a cost-sensitive classifier for highly unbalanced datasets
yields an improvement of sentiment classification performance up to 7%.
|
Describing Multimedia Content using Attention-based Encoder--Decoder
Networks | Whereas deep neural networks were first mostly used for classification tasks,
they are rapidly expanding in the realm of structured output problems, where
the observed target is composed of multiple random variables that have a rich
joint distribution, given the input. We focus in this paper on the case where
the input also has a rich structure and the input and output structures are
somehow related. We describe systems that learn to attend to different places
in the input, for each element of the output, for a variety of tasks: machine
translation, image caption generation, video clip description and speech
recognition. All these systems are based on a shared set of building blocks:
gated recurrent neural networks and convolutional neural networks, along with
trained attention mechanisms. We report on experimental results with these
systems, showing impressively good performance and the advantage of the
attention mechanism.
|
Convex Factorization Machine for Regression | We propose the convex factorization machine (CFM), which is a convex variant
of the widely used Factorization Machines (FMs). Specifically, we employ a
linear+quadratic model and regularize the linear term with the
$\ell_2$-regularizer and the quadratic term with the trace norm regularizer.
Then, we formulate the CFM optimization as a semidefinite programming problem
and propose an efficient optimization procedure with Hazan's algorithm. A key
advantage of CFM over existing FMs is that it can find a globally optimal
solution, while FMs may get a poor locally optimal solution since the objective
function of FMs is non-convex. In addition, the proposed algorithm is simple
yet effective and can be implemented easily. Finally, CFM is a general
factorization method and can also be used for other factorization problems
including including multi-view matrix factorization and tensor completion
problems. Through synthetic and movielens datasets, we first show that the
proposed CFM achieves results competitive to FMs. Furthermore, in a
toxicogenomics prediction task, we show that CFM outperforms a state-of-the-art
tensor factorization method.
|
Correlated Multiarmed Bandit Problem: Bayesian Algorithms and Regret
Analysis | We consider the correlated multiarmed bandit (MAB) problem in which the
rewards associated with each arm are modeled by a multivariate Gaussian random
variable, and we investigate the influence of the assumptions in the Bayesian
prior on the performance of the upper credible limit (UCL) algorithm and a new
correlated UCL algorithm. We rigorously characterize the influence of accuracy,
confidence, and correlation scale in the prior on the decision-making
performance of the algorithms. Our results show how priors and correlation
structure can be leveraged to improve performance.
|
Dependency Recurrent Neural Language Models for Sentence Completion | Recent work on language modelling has shifted focus from count-based models
to neural models. In these works, the words in each sentence are always
considered in a left-to-right order. In this paper we show how we can improve
the performance of the recurrent neural network (RNN) language model by
incorporating the syntactic dependencies of a sentence, which have the effect
of bringing relevant contexts closer to the word being predicted. We evaluate
our approach on the Microsoft Research Sentence Completion Challenge and show
that the dependency RNN proposed improves over the RNN by about 10 points in
accuracy. Furthermore, we achieve results comparable with the state-of-the-art
models on this task.
|
Combining Models of Approximation with Partial Learning | In Gold's framework of inductive inference, the model of partial learning
requires the learner to output exactly one correct index for the target object
and only the target object infinitely often. Since infinitely many of the
learner's hypotheses may be incorrect, it is not obvious whether a partial
learner can be modifed to "approximate" the target object.
Fulk and Jain (Approximate inference and scientific method. Information and
Computation 114(2):179--191, 1994) introduced a model of approximate learning
of recursive functions. The present work extends their research and solves an
open problem of Fulk and Jain by showing that there is a learner which
approximates and partially identifies every recursive function by outputting a
sequence of hypotheses which, in addition, are also almost all finite variants
of the target function.
The subsequent study is dedicated to the question how these findings
generalise to the learning of r.e. languages from positive data. Here three
variants of approximate learning will be introduced and investigated with
respect to the question whether they can be combined with partial learning.
Following the line of Fulk and Jain's research, further investigations provide
conditions under which partial language learners can eventually output only
finite variants of the target language. The combinabilities of other partial
learning criteria will also be briefly studied.
|
Scalable Sparse Subspace Clustering by Orthogonal Matching Pursuit | Subspace clustering methods based on $\ell_1$, $\ell_2$ or nuclear norm
regularization have become very popular due to their simplicity, theoretical
guarantees and empirical success. However, the choice of the regularizer can
greatly impact both theory and practice. For instance, $\ell_1$ regularization
is guaranteed to give a subspace-preserving affinity (i.e., there are no
connections between points from different subspaces) under broad conditions
(e.g., arbitrary subspaces and corrupted data). However, it requires solving a
large scale convex optimization problem. On the other hand, $\ell_2$ and
nuclear norm regularization provide efficient closed form solutions, but
require very strong assumptions to guarantee a subspace-preserving affinity,
e.g., independent subspaces and uncorrupted data. In this paper we study a
subspace clustering method based on orthogonal matching pursuit. We show that
the method is both computationally efficient and guaranteed to give a
subspace-preserving affinity under broad conditions. Experiments on synthetic
data verify our theoretical analysis, and applications in handwritten digit and
face clustering show that our approach achieves the best trade off between
accuracy and efficiency.
|
Experiments on Parallel Training of Deep Neural Network using Model
Averaging | In this work we apply model averaging to parallel training of deep neural
network (DNN). Parallelization is done in a model averaging manner. Data is
partitioned and distributed to different nodes for local model updates, and
model averaging across nodes is done every few minibatches. We use multiple
GPUs for data parallelization, and Message Passing Interface (MPI) for
communication between nodes, which allows us to perform model averaging
frequently without losing much time on communication. We investigate the
effectiveness of Natural Gradient Stochastic Gradient Descent (NG-SGD) and
Restricted Boltzmann Machine (RBM) pretraining for parallel training in
model-averaging framework, and explore the best setups in term of different
learning rate schedules, averaging frequencies and minibatch sizes. It is shown
that NG-SGD and RBM pretraining benefits parameter-averaging based model
training. On the 300h Switchboard dataset, a 9.3 times speedup is achieved
using 16 GPUs and 17 times speedup using 32 GPUs with limited decoding accuracy
loss.
|
Semi-supervised Multi-sensor Classification via Consensus-based
Multi-View Maximum Entropy Discrimination | In this paper, we consider multi-sensor classification when there is a large
number of unlabeled samples. The problem is formulated under the multi-view
learning framework and a Consensus-based Multi-View Maximum Entropy
Discrimination (CMV-MED) algorithm is proposed. By iteratively maximizing the
stochastic agreement between multiple classifiers on the unlabeled dataset, the
algorithm simultaneously learns multiple high accuracy classifiers. We
demonstrate that our proposed method can yield improved performance over
previous multi-view learning approaches by comparing performance on three real
multi-sensor data sets.
|
Learning Deep Neural Network Policies with Continuous Memory States | Policy learning for partially observed control tasks requires policies that
can remember salient information from past observations. In this paper, we
present a method for learning policies with internal memory for
high-dimensional, continuous systems, such as robotic manipulators. Our
approach consists of augmenting the state and action space of the system with
continuous-valued memory states that the policy can read from and write to.
Learning general-purpose policies with this type of memory representation
directly is difficult, because the policy must automatically figure out the
most salient information to memorize at each time step. We show that, by
decomposing this policy search problem into a trajectory optimization phase and
a supervised learning phase through a method called guided policy search, we
can acquire policies with effective memorization and recall strategies.
Intuitively, the trajectory optimization phase chooses the values of the memory
states that will make it easier for the policy to produce the right action in
future states, while the supervised learning phase encourages the policy to use
memorization actions to produce those memory states. We evaluate our method on
tasks involving continuous control in manipulation and navigation settings, and
show that our method can learn complex policies that successfully complete a
range of tasks that require memory.
|
Scan $B$-Statistic for Kernel Change-Point Detection | Detecting the emergence of an abrupt change-point is a classic problem in
statistics and machine learning. Kernel-based nonparametric statistics have
been used for this task which enjoy fewer assumptions on the distributions than
the parametric approach and can handle high-dimensional data. In this paper we
focus on the scenario when the amount of background data is large, and propose
two related computationally efficient kernel-based statistics for change-point
detection, which are inspired by the recently developed $B$-statistics. A novel
theoretical result of the paper is the characterization of the tail probability
of these statistics using the change-of-measure technique, which focuses on
characterizing the tail of the detection statistics rather than obtaining its
asymptotic distribution under the null distribution. Such approximations are
crucial to control the false alarm rate, which corresponds to the significance
level in offline change-point detection and the average-run-length in online
change-point detection. Our approximations are shown to be highly accurate.
Thus, they provide a convenient way to find detection thresholds for both
offline and online cases without the need to resort to the more expensive
simulations or bootstrapping. We show that our methods perform well on both
synthetic data and real data.
|
End-to-end Convolutional Network for Saliency Prediction | The prediction of saliency areas in images has been traditionally addressed
with hand crafted features based on neuroscience principles. This paper however
addresses the problem with a completely data-driven approach by training a
convolutional network. The learning process is formulated as a minimization of
a loss function that measures the Euclidean distance of the predicted saliency
map with the provided ground truth. The recent publication of large datasets of
saliency prediction has provided enough data to train a not very deep
architecture which is both fast and accurate. The convolutional network in this
paper, named JuntingNet, won the LSUN 2015 challenge on saliency prediction
with a superior performance in all considered metrics.
|
Revisiting Large Scale Distributed Machine Learning | Nowadays, with the widespread of smartphones and other portable gadgets
equipped with a variety of sensors, data is ubiquitous available and the focus
of machine learning has shifted from being able to infer from small training
samples to dealing with large scale high-dimensional data. In domains such as
personal healthcare applications, which motivates this survey, distributed
machine learning is a promising line of research, both for scaling up learning
algorithms, but mostly for dealing with data which is inherently produced at
different locations. This report offers a thorough overview of and
state-of-the-art algorithms for distributed machine learning, for both
supervised and unsupervised learning, ranging from simple linear logistic
regression to graphical models and clustering. We propose future directions for
most categories, specific to the potential personal healthcare applications.
With this in mind, the report focuses on how security and low communication
overhead can be assured in the specific case of a strictly client-server
architectural model. As particular directions we provides an exhaustive
presentation of an empirical clustering algorithm, k-windows, and proposed an
asynchronous distributed machine learning algorithm that would scale well and
also would be computationally cheap and easy to implement.
|
Semi-proximal Mirror-Prox for Nonsmooth Composite Minimization | We propose a new first-order optimisation algorithm to solve high-dimensional
non-smooth composite minimisation problems. Typical examples of such problems
have an objective that decomposes into a non-smooth empirical risk part and a
non-smooth regularisation penalty. The proposed algorithm, called Semi-Proximal
Mirror-Prox, leverages the Fenchel-type representation of one part of the
objective while handling the other part of the objective via linear
minimization over the domain. The algorithm stands in contrast with more
classical proximal gradient algorithms with smoothing, which require the
computation of proximal operators at each iteration and can therefore be
impractical for high-dimensional problems. We establish the theoretical
convergence rate of Semi-Proximal Mirror-Prox, which exhibits the optimal
complexity bounds, i.e. $O(1/\epsilon^2)$, for the number of calls to linear
minimization oracle. We present promising experimental results showing the
interest of the approach in comparison to competing methods.
|
Grid Long Short-Term Memory | This paper introduces Grid Long Short-Term Memory, a network of LSTM cells
arranged in a multidimensional grid that can be applied to vectors, sequences
or higher dimensional data such as images. The network differs from existing
deep LSTM architectures in that the cells are connected between network layers
as well as along the spatiotemporal dimensions of the data. The network
provides a unified way of using LSTM for both deep and sequential computation.
We apply the model to algorithmic tasks such as 15-digit integer addition and
sequence memorization, where it is able to significantly outperform the
standard LSTM. We then give results for two empirical tasks. We find that 2D
Grid LSTM achieves 1.47 bits per character on the Wikipedia character
prediction benchmark, which is state-of-the-art among neural approaches. In
addition, we use the Grid LSTM to define a novel two-dimensional translation
model, the Reencoder, and show that it outperforms a phrase-based reference
system on a Chinese-to-English translation task.
|
A Simple Algorithm for Maximum Margin Classification, Revisited | In this note, we revisit the algorithm of Har-Peled et. al. [HRZ07] for
computing a linear maximum margin classifier. Our presentation is self
contained, and the algorithm itself is slightly simpler than the original
algorithm. The algorithm itself is a simple Perceptron like iterative
algorithm. For more details and background, the reader is referred to the
original paper.
|
Emphatic Temporal-Difference Learning | Emphatic algorithms are temporal-difference learning algorithms that change
their effective state distribution by selectively emphasizing and
de-emphasizing their updates on different time steps. Recent works by Sutton,
Mahmood and White (2015), and Yu (2015) show that by varying the emphasis in a
particular way, these algorithms become stable and convergent under off-policy
training with linear function approximation. This paper serves as a unified
summary of the available results from both works. In addition, we demonstrate
the empirical benefits from the flexibility of emphatic algorithms, including
state-dependent discounting, state-dependent bootstrapping, and the
user-specified allocation of function approximation resources.
|
Learning Tractable Probabilistic Models for Fault Localization | In recent years, several probabilistic techniques have been applied to
various debugging problems. However, most existing probabilistic debugging
systems use relatively simple statistical models, and fail to generalize across
multiple programs. In this work, we propose Tractable Fault Localization Models
(TFLMs) that can be learned from data, and probabilistically infer the location
of the bug. While most previous statistical debugging methods generalize over
many executions of a single program, TFLMs are trained on a corpus of
previously seen buggy programs, and learn to identify recurring patterns of
bugs. Widely-used fault localization techniques such as TARANTULA evaluate the
suspiciousness of each line in isolation; in contrast, a TFLM defines a joint
probability distribution over buggy indicator variables for each line. Joint
distributions with rich dependency structure are often computationally
intractable; TFLMs avoid this by exploiting recent developments in tractable
probabilistic models (specifically, Relational SPNs). Further, TFLMs can
incorporate additional sources of information, including coverage-based
features such as TARANTULA. We evaluate the fault localization performance of
TFLMs that include TARANTULA scores as features in the probabilistic model. Our
study shows that the learned TFLMs isolate bugs more effectively than previous
statistical methods or using TARANTULA directly.
|
Rethinking LDA: moment matching for discrete ICA | We consider moment matching techniques for estimation in Latent Dirichlet
Allocation (LDA). By drawing explicit links between LDA and discrete versions
of independent component analysis (ICA), we first derive a new set of
cumulant-based tensors, with an improved sample complexity. Moreover, we reuse
standard ICA techniques such as joint diagonalization of tensors to improve
over existing methods based on the tensor power method. In an extensive set of
experiments on both synthetic and real datasets, we show that our new
combination of tensors and orthogonal joint diagonalization techniques
outperforms existing moment matching methods.
|
Dependency-based Convolutional Neural Networks for Sentence Embedding | In sentence modeling and classification, convolutional neural network
approaches have recently achieved state-of-the-art results, but all such
efforts process word vectors sequentially and neglect long-distance
dependencies. To exploit both deep learning and linguistic structures, we
propose a tree-based convolutional neural network model which exploit various
long-distance relationships between words. Our model improves the sequential
baselines on all three sentiment and question classification tasks, and
achieves the highest published accuracy on TREC.
|
A linear approach for sparse coding by a two-layer neural network | Many approaches to transform classification problems from non-linear to
linear by feature transformation have been recently presented in the
literature. These notably include sparse coding methods and deep neural
networks. However, many of these approaches require the repeated application of
a learning process upon the presentation of unseen data input vectors, or else
involve the use of large numbers of parameters and hyper-parameters, which must
be chosen through cross-validation, thus increasing running time dramatically.
In this paper, we propose and experimentally investigate a new approach for the
purpose of overcoming limitations of both kinds. The proposed approach makes
use of a linear auto-associative network (called SCNN) with just one hidden
layer. The combination of this architecture with a specific error function to
be minimized enables one to learn a linear encoder computing a sparse code
which turns out to be as similar as possible to the sparse coding that one
obtains by re-training the neural network. Importantly, the linearity of SCNN
and the choice of the error function allow one to achieve reduced running time
in the learning phase. The proposed architecture is evaluated on the basis of
two standard machine learning tasks. Its performances are compared with those
of recently proposed non-linear auto-associative neural networks. The overall
results suggest that linear encoders can be profitably used to obtain sparse
data representations in the context of machine learning problems, provided that
an appropriate error function is used during the learning phase.
|
Wasserstein Training of Boltzmann Machines | The Boltzmann machine provides a useful framework to learn highly complex,
multimodal and multiscale data distributions that occur in the real world. The
default method to learn its parameters consists of minimizing the
Kullback-Leibler (KL) divergence from training samples to the Boltzmann model.
We propose in this work a novel approach for Boltzmann training which assumes
that a meaningful metric between observations is given. This metric can be
represented by the Wasserstein distance between distributions, for which we
derive a gradient with respect to the model parameters. Minimization of this
new Wasserstein objective leads to generative models that are better when
considering the metric and that have a cluster-like structure. We demonstrate
the practical potential of these models for data completion and denoising, for
which the metric between observations plays a crucial role.
|
Learning Leading Indicators for Time Series Predictions | We consider the problem of learning models for forecasting multiple
time-series systems together with discovering the leading indicators that serve
as good predictors for the system. We model the systems by linear vector
autoregressive models (VAR) and link the discovery of leading indicators to
inferring sparse graphs of Granger-causality. We propose new problem
formulations and develop two new methods to learn such models, gradually
increasing the complexity of assumptions and approaches. While the first method
assumes common structures across the whole system, our second method uncovers
model clusters based on the Granger-causality and leading indicators together
with learning the model parameters. We study the performance of our methods on
a comprehensive set of experiments and confirm their efficacy and their
advantages over state-of-the-art sparse VAR and graphical Granger learning
methods.
|
A Bayesian Approach for Online Classifier Ensemble | We propose a Bayesian approach for recursively estimating the classifier
weights in online learning of a classifier ensemble. In contrast with past
methods, such as stochastic gradient descent or online boosting, our approach
estimates the weights by recursively updating its posterior distribution. For a
specified class of loss functions, we show that it is possible to formulate a
suitably defined likelihood function and hence use the posterior distribution
as an approximation to the global empirical loss minimizer. If the stream of
training data is sampled from a stationary process, we can also show that our
approach admits a superior rate of convergence to the expected loss minimizer
than is possible with standard stochastic gradient descent. In experiments with
real-world datasets, our formulation often performs better than
state-of-the-art stochastic gradient descent and online boosting algorithms.
|
Beyond Convexity: Stochastic Quasi-Convex Optimization | Stochastic convex optimization is a basic and well studied primitive in
machine learning. It is well known that convex and Lipschitz functions can be
minimized efficiently using Stochastic Gradient Descent (SGD). The Normalized
Gradient Descent (NGD) algorithm, is an adaptation of Gradient Descent, which
updates according to the direction of the gradients, rather than the gradients
themselves. In this paper we analyze a stochastic version of NGD and prove its
convergence to a global minimum for a wider class of functions: we require the
functions to be quasi-convex and locally-Lipschitz. Quasi-convexity broadens
the con- cept of unimodality to multidimensions and allows for certain types of
saddle points, which are a known hurdle for first-order optimization methods
such as gradient descent. Locally-Lipschitz functions are only required to be
Lipschitz in a small region around the optimum. This assumption circumvents
gradient explosion, which is another known hurdle for gradient descent
variants. Interestingly, unlike the vanilla SGD algorithm, the stochastic
normalized gradient descent algorithm provably requires a minimal minibatch
size.
|
Shedding Light on the Asymmetric Learning Capability of AdaBoost | In this paper, we propose a different insight to analyze AdaBoost. This
analysis reveals that, beyond some preconceptions, AdaBoost can be directly
used as an asymmetric learning algorithm, preserving all its theoretical
properties. A novel class-conditional description of AdaBoost, which models the
actual asymmetric behavior of the algorithm, is presented.
|
Double-Base Asymmetric AdaBoost | Based on the use of different exponential bases to define class-dependent
error bounds, a new and highly efficient asymmetric boosting scheme, coined as
AdaBoostDB (Double-Base), is proposed. Supported by a fully theoretical
derivation procedure, unlike most of the other approaches in the literature,
our algorithm preserves all the formal guarantees and properties of original
(cost-insensitive) AdaBoost, similarly to the state-of-the-art Cost-Sensitive
AdaBoost algorithm. However, the key advantage of AdaBoostDB is that our novel
derivation scheme enables an extremely efficient conditional search procedure,
dramatically improving and simplifying the training phase of the algorithm.
Experiments, both over synthetic and real datasets, reveal that AdaBoostDB is
able to save over 99% training time with regard to Cost-Sensitive AdaBoost,
providing the same cost-sensitive results. This computational advantage of
AdaBoostDB can make a difference in problems managing huge pools of weak
classifiers in which boosting techniques are commonly used.
|
An Empirical Study on Budget-Aware Online Kernel Algorithms for Streams
of Graphs | Kernel methods are considered an effective technique for on-line learning.
Many approaches have been developed for compactly representing the dual
solution of a kernel method when the problem imposes memory constraints.
However, in literature no work is specifically tailored to streams of graphs.
Motivated by the fact that the size of the feature space representation of many
state-of-the-art graph kernels is relatively small and thus it is explicitly
computable, we study whether executing kernel algorithms in the feature space
can be more effective than the classical dual approach. We study three
different algorithms and various strategies for managing the budget. Efficiency
and efficacy of the proposed approaches are experimentally assessed on
relatively large graph streams exhibiting concept drift. It turns out that,
when strict memory budget constraints have to be enforced, working in feature
space, given the current state of the art on graph kernels, is more than a
viable alternative to dual approaches, both in terms of speed and
classification performance.
|
Extending local features with contextual information in graph kernels | Graph kernels are usually defined in terms of simpler kernels over local
substructures of the original graphs. Different kernels consider different
types of substructures. However, in some cases they have similar predictive
performances, probably because the substructures can be interpreted as
approximations of the subgraphs they induce. In this paper, we propose to
associate to each feature a piece of information about the context in which the
feature appears in the graph. A substructure appearing in two different graphs
will match only if it appears with the same context in both graphs. We propose
a kernel based on this idea that considers trees as substructures, and where
the contexts are features too. The kernel is inspired from the framework in
[6], even if it is not part of it. We give an efficient algorithm for computing
the kernel and show promising results on real-world graph classification
datasets.
|
AutoCompete: A Framework for Machine Learning Competition | In this paper, we propose AutoCompete, a highly automated machine learning
framework for tackling machine learning competitions. This framework has been
learned by us, validated and improved over a period of more than two years by
participating in online machine learning competitions. It aims at minimizing
human interference required to build a first useful predictive model and to
assess the practical difficulty of a given machine learning challenge. The
proposed system helps in identifying data types, choosing a machine learn- ing
model, tuning hyper-parameters, avoiding over-fitting and optimization for a
provided evaluation metric. We also observe that the proposed system produces
better (or comparable) results with less runtime as compared to other
approaches.
|
Intersecting Faces: Non-negative Matrix Factorization With New
Guarantees | Non-negative matrix factorization (NMF) is a natural model of admixture and
is widely used in science and engineering. A plethora of algorithms have been
developed to tackle NMF, but due to the non-convex nature of the problem, there
is little guarantee on how well these methods work. Recently a surge of
research have focused on a very restricted class of NMFs, called separable NMF,
where provably correct algorithms have been developed. In this paper, we
propose the notion of subset-separable NMF, which substantially generalizes the
property of separability. We show that subset-separability is a natural
necessary condition for the factorization to be unique or to have minimum
volume. We developed the Face-Intersect algorithm which provably and
efficiently solves subset-separable NMF under natural conditions, and we prove
that our algorithm is robust to small noise. We explored the performance of
Face-Intersect on simulations and discuss settings where it empirically
outperformed the state-of-art methods. Our work is a step towards finding
provably correct algorithms that solve large classes of NMF problems.
|
Robust Sparse Blind Source Separation | Blind Source Separation is a widely used technique to analyze multichannel
data. In many real-world applications, its results can be significantly
hampered by the presence of unknown outliers. In this paper, a novel algorithm
coined rGMCA (robust Generalized Morphological Component Analysis) is
introduced to retrieve sparse sources in the presence of outliers. It
explicitly estimates the sources, the mixing matrix, and the outliers. It also
takes advantage of the estimation of the outliers to further implement a
weighting scheme, which provides a highly robust separation procedure.
Numerical experiments demonstrate the efficiency of rGMCA to estimate the
mixing matrix in comparison with standard BSS techniques.
|
Optimal approximate matrix product in terms of stable rank | We prove, using the subspace embedding guarantee in a black box way, that one
can achieve the spectral norm guarantee for approximate matrix multiplication
with a dimensionality-reducing map having $m = O(\tilde{r}/\varepsilon^2)$
rows. Here $\tilde{r}$ is the maximum stable rank, i.e. squared ratio of
Frobenius and operator norms, of the two matrices being multiplied. This is a
quantitative improvement over previous work of [MZ11, KVZ14], and is also
optimal for any oblivious dimensionality-reducing map. Furthermore, due to the
black box reliance on the subspace embedding property in our proofs, our
theorem can be applied to a much more general class of sketching matrices than
what was known before, in addition to achieving better bounds. For example, one
can apply our theorem to efficient subspace embeddings such as the Subsampled
Randomized Hadamard Transform or sparse subspace embeddings, or even with
subspace embedding constructions that may be developed in the future.
Our main theorem, via connections with spectral error matrix multiplication
shown in prior work, implies quantitative improvements for approximate least
squares regression and low rank approximation. Our main result has also already
been applied to improve dimensionality reduction guarantees for $k$-means
clustering [CEMMP14], and implies new results for nonparametric regression
[YPW15].
We also separately point out that the proof of the "BSS" deterministic
row-sampling result of [BSS12] can be modified to show that for any matrices
$A, B$ of stable rank at most $\tilde{r}$, one can achieve the spectral norm
guarantee for approximate matrix multiplication of $A^T B$ by deterministically
sampling $O(\tilde{r}/\varepsilon^2)$ rows that can be found in polynomial
time. The original result of [BSS12] was for rank instead of stable rank. Our
observation leads to a stronger version of a main theorem of [KMST10].
|
The Information Sieve | We introduce a new framework for unsupervised learning of representations
based on a novel hierarchical decomposition of information. Intuitively, data
is passed through a series of progressively fine-grained sieves. Each layer of
the sieve recovers a single latent factor that is maximally informative about
multivariate dependence in the data. The data is transformed after each pass so
that the remaining unexplained information trickles down to the next layer.
Ultimately, we are left with a set of latent factors explaining all the
dependence in the original data and remainder information consisting of
independent noise. We present a practical implementation of this framework for
discrete variables and apply it to a variety of fundamental tasks in
unsupervised learning including independent component analysis, lossy and
lossless compression, and predicting missing values in data.
|
COEVOLVE: A Joint Point Process Model for Information Diffusion and
Network Co-evolution | Information diffusion in online social networks is affected by the underlying
network topology, but it also has the power to change it. Online users are
constantly creating new links when exposed to new information sources, and in
turn these links are alternating the way information spreads. However, these
two highly intertwined stochastic processes, information diffusion and network
evolution, have been predominantly studied separately, ignoring their
co-evolutionary dynamics.
We propose a temporal point process model, COEVOLVE, for such joint dynamics,
allowing the intensity of one process to be modulated by that of the other.
This model allows us to efficiently simulate interleaved diffusion and network
events, and generate traces obeying common diffusion and network patterns
observed in real-world networks. Furthermore, we also develop a convex
optimization framework to learn the parameters of the model from historical
diffusion and network evolution traces. We experimented with both synthetic
data and data gathered from Twitter, and show that our model provides a good
fit to the data as well as more accurate predictions than alternatives.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.