title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Achieving Synergy in Cognitive Behavior of Humanoids via Deep Learning
of Dynamic Visuo-Motor-Attentional Coordination | The current study examines how adequate coordination among different
cognitive processes including visual recognition, attention switching, action
preparation and generation can be developed via learning of robots by
introducing a novel model, the Visuo-Motor Deep Dynamic Neural Network (VMDNN).
The proposed model is built on coupling of a dynamic vision network, a motor
generation network, and a higher level network allocated on top of these two.
The simulation experiments using the iCub simulator were conducted for
cognitive tasks including visual object manipulation responding to human
gestures. The results showed that synergetic coordination can be developed via
iterative learning through the whole network when spatio-temporal hierarchy and
temporal one can be self-organized in the visual pathway and in the motor
pathway, respectively, such that the higher level can manipulate them with
abstraction.
|
Intrinsic Non-stationary Covariance Function for Climate Modeling | Designing a covariance function that represents the underlying correlation is
a crucial step in modeling complex natural systems, such as climate models.
Geospatial datasets at a global scale usually suffer from non-stationarity and
non-uniformly smooth spatial boundaries. A Gaussian process regression using a
non-stationary covariance function has shown promise for this task, as this
covariance function adapts to the variable correlation structure of the
underlying distribution. In this paper, we generalize the non-stationary
covariance function to address the aforementioned global scale geospatial
issues. We define this generalized covariance function as an intrinsic
non-stationary covariance function, because it uses intrinsic statistics of the
symmetric positive definite matrices to represent the characteristic length
scale and, thereby, models the local stochastic process. Experiments on a
synthetic and real dataset of relative sea level changes across the world
demonstrate improvements in the error metrics for the regression estimates
using our newly proposed approach.
|
Decentralized Joint-Sparse Signal Recovery: A Sparse Bayesian Learning
Approach | This work proposes a decentralized, iterative, Bayesian algorithm called
CB-DSBL for in-network estimation of multiple jointly sparse vectors by a
network of nodes, using noisy and underdetermined linear measurements. The
proposed algorithm exploits the network wide joint sparsity of the un- known
sparse vectors to recover them from significantly fewer number of local
measurements compared to standalone sparse signal recovery schemes. To reduce
the amount of inter-node communication and the associated overheads, the nodes
exchange messages with only a small subset of their single hop neighbors. Under
this communication scheme, we separately analyze the convergence of the
underlying Alternating Directions Method of Multipliers (ADMM) iterations used
in our proposed algorithm and establish its linear convergence rate. The
findings from the convergence analysis of decentralized ADMM are used to
accelerate the convergence of the proposed CB-DSBL algorithm. Using Monte Carlo
simulations, we demonstrate the superior signal reconstruction as well as
support recovery performance of our proposed algorithm compared to existing
decentralized algorithms: DRL-1, DCOMP and DCSP.
|
Differentially Private Ordinary Least Squares | Linear regression is one of the most prevalent techniques in machine
learning, however, it is also common to use linear regression for its
\emph{explanatory} capabilities rather than label prediction. Ordinary Least
Squares (OLS) is often used in statistics to establish a correlation between an
attribute (e.g. gender) and a label (e.g. income) in the presence of other
(potentially correlated) features. OLS assumes a particular model that randomly
generates the data, and derives \emph{$t$-values} --- representing the
likelihood of each real value to be the true correlation. Using $t$-values, OLS
can release a \emph{confidence interval}, which is an interval on the reals
that is likely to contain the true correlation, and when this interval does not
intersect the origin, we can \emph{reject the null hypothesis} as it is likely
that the true correlation is non-zero. Our work aims at achieving similar
guarantees on data under differentially private estimators. First, we show that
for well-spread data, the Gaussian Johnson-Lindenstrauss Transform (JLT) gives
a very good approximation of $t$-values, secondly, when JLT approximates Ridge
regression (linear regression with $l_2$-regularization) we derive, under
certain conditions, confidence intervals using the projected data, lastly, we
derive, under different conditions, confidence intervals for the "Analyze
Gauss" algorithm (Dwork et al, STOC 2014).
|
Faster Convex Optimization: Simulated Annealing with an Efficient
Universal Barrier | This paper explores a surprising equivalence between two seemingly-distinct
convex optimization methods. We show that simulated annealing, a well-studied
random walk algorithms, is directly equivalent, in a certain sense, to the
central path interior point algorithm for the the entropic universal barrier
function. This connection exhibits several benefits. First, we are able improve
the state of the art time complexity for convex optimization under the
membership oracle model. We improve the analysis of the randomized algorithm of
Kalai and Vempala by utilizing tools developed by Nesterov and Nemirovskii that
underly the central path following interior point algorithm. We are able to
tighten the temperature schedule for simulated annealing which gives an
improved running time, reducing by square root of the dimension in certain
instances. Second, we get an efficient randomized interior point method with an
efficiently computable universal barrier for any convex set described by a
membership oracle. Previously, efficiently computable barriers were known only
for particular convex sets.
|
Sampling from a log-concave distribution with Projected Langevin Monte
Carlo | We extend the Langevin Monte Carlo (LMC) algorithm to compactly supported
measures via a projection step, akin to projected Stochastic Gradient Descent
(SGD). We show that (projected) LMC allows to sample in polynomial time from a
log-concave distribution with smooth potential. This gives a new Markov chain
to sample from a log-concave distribution. Our main result shows in particular
that when the target distribution is uniform, LMC mixes in $\tilde{O}(n^7)$
steps (where $n$ is the dimension). We also provide preliminary experimental
evidence that LMC performs at least as well as hit-and-run, for which a better
mixing time of $\tilde{O}(n^4)$ was proved by Lov{\'a}sz and Vempala.
|
Sparse Approximation via Generating Point Sets | $ \newcommand{\kalg}{{k_{\mathrm{alg}}}}
\newcommand{\kopt}{{k_{\mathrm{opt}}}}
\newcommand{\algset}{{T}} \renewcommand{\Re}{\mathbb{R}}
\newcommand{\eps}{\varepsilon} \newcommand{\pth}[2][\!]{#1\left({#2}\right)}
\newcommand{\npoints}{n} \newcommand{\ballD}{\mathsf{b}}
\newcommand{\dataset}{{P}} $ For a set $\dataset$ of $\npoints$ points in the
unit ball $\ballD \subseteq \Re^d$, consider the problem of finding a small
subset $\algset \subseteq \dataset$ such that its convex-hull
$\eps$-approximates the convex-hull of the original set. We present an
efficient algorithm to compute such a $\eps'$-approximation of size $\kalg$,
where $\eps'$ is function of $\eps$, and $\kalg$ is a function of the minimum
size $\kopt$ of such an $\eps$-approximation. Surprisingly, there is no
dependency on the dimension $d$ in both bounds. Furthermore, every point of
$\dataset$ can be $\eps$-approximated by a convex-combination of points of
$\algset$ that is $O(1/\eps^2)$-sparse.
Our result can be viewed as a method for sparse, convex autoencoding:
approximately representing the data in a compact way using sparse combinations
of a small subset $\algset$ of the original data. The new algorithm can be
kernelized, and it preserves sparsity in the original input.
|
Fast rates in statistical and online learning | The speed with which a learning algorithm converges as it is presented with
more data is a central problem in machine learning --- a fast rate of
convergence means less data is needed for the same level of performance. The
pursuit of fast rates in online and statistical learning has led to the
discovery of many conditions in learning theory under which fast learning is
possible. We show that most of these conditions are special cases of a single,
unifying condition, that comes in two forms: the central condition for 'proper'
learning algorithms that always output a hypothesis in the given model, and
stochastic mixability for online algorithms that may make predictions outside
of the model. We show that under surprisingly weak assumptions both conditions
are, in a certain sense, equivalent. The central condition has a
re-interpretation in terms of convexity of a set of pseudoprobabilities,
linking it to density estimation under misspecification. For bounded losses, we
show how the central condition enables a direct proof of fast rates and we
prove its equivalence to the Bernstein condition, itself a generalization of
the Tsybakov margin condition, both of which have played a central role in
obtaining fast rates in statistical learning. Yet, while the Bernstein
condition is two-sided, the central condition is one-sided, making it more
suitable to deal with unbounded losses. In its stochastic mixability form, our
condition generalizes both a stochastic exp-concavity condition identified by
Juditsky, Rigollet and Tsybakov and Vovk's notion of mixability. Our unifying
conditions thus provide a substantial step towards a characterization of fast
rates in statistical learning, similar to how classical mixability
characterizes constant regret in the sequential prediction with expert advice
setting.
|
Quantum Inspired Training for Boltzmann Machines | We present an efficient classical algorithm for training deep Boltzmann
machines (DBMs) that uses rejection sampling in concert with variational
approximations to estimate the gradients of the training objective function.
Our algorithm is inspired by a recent quantum algorithm for training DBMs. We
obtain rigorous bounds on the errors in the approximate gradients; in turn, we
find that choosing the instrumental distribution to minimize the alpha=2
divergence with the Gibbs state minimizes the asymptotic algorithmic
complexity. Our rejection sampling approach can yield more accurate gradients
than low-order contrastive divergence training and the costs incurred in
finding increasingly accurate gradients can be easily parallelized. Finally our
algorithm can train full Boltzmann machines and scales more favorably with the
number of layers in a DBM than greedy contrastive divergence training.
|
Semi-Supervised Learning with Ladder Networks | We combine supervised learning with unsupervised learning in deep neural
networks. The proposed model is trained to simultaneously minimize the sum of
supervised and unsupervised cost functions by backpropagation, avoiding the
need for layer-wise pre-training. Our work builds on the Ladder network
proposed by Valpola (2015), which we extend by combining the model with
supervision. We show that the resulting model reaches state-of-the-art
performance in semi-supervised MNIST and CIFAR-10 classification, in addition
to permutation-invariant MNIST classification with all labels.
|
Locally Non-linear Embeddings for Extreme Multi-label Learning | The objective in extreme multi-label learning is to train a classifier that
can automatically tag a novel data point with the most relevant subset of
labels from an extremely large label set. Embedding based approaches make
training and prediction tractable by assuming that the training label matrix is
low-rank and hence the effective number of labels can be reduced by projecting
the high dimensional label vectors onto a low dimensional linear subspace.
Still, leading embedding approaches have been unable to deliver high prediction
accuracies or scale to large problems as the low rank assumption is violated in
most real world applications.
This paper develops the X-One classifier to address both limitations. The
main technical contribution in X-One is a formulation for learning a small
ensemble of local distance preserving embeddings which can accurately predict
infrequently occurring (tail) labels. This allows X-One to break free of the
traditional low-rank assumption and boost classification accuracy by learning
embeddings which preserve pairwise distances between only the nearest label
vectors.
We conducted extensive experiments on several real-world as well as benchmark
data sets and compared our method against state-of-the-art methods for extreme
multi-label classification. Experiments reveal that X-One can make
significantly more accurate predictions then the state-of-the-art methods
including both embeddings (by as much as 35%) as well as trees (by as much as
6%). X-One can also scale efficiently to data sets with a million labels which
are beyond the pale of leading embedding methods.
|
Utility-based Dueling Bandits as a Partial Monitoring Game | Partial monitoring is a generic framework for sequential decision-making with
incomplete feedback. It encompasses a wide class of problems such as dueling
bandits, learning with expect advice, dynamic pricing, dark pools, and label
efficient prediction. We study the utility-based dueling bandit problem as an
instance of partial monitoring problem and prove that it fits the time-regret
partial monitoring hierarchy as an easy - i.e. Theta (sqrt{T})- instance. We
survey some partial monitoring algorithms and see how they could be used to
solve dueling bandits efficiently. Keywords: Online learning, Dueling Bandits,
Partial Monitoring, Partial Feedback, Multiarmed Bandits
|
Adaptive Mixtures of Factor Analyzers | A mixture of factor analyzers is a semi-parametric density estimator that
generalizes the well-known mixtures of Gaussians model by allowing each
Gaussian in the mixture to be represented in a different lower-dimensional
manifold. This paper presents a robust and parsimonious model selection
algorithm for training a mixture of factor analyzers, carrying out simultaneous
clustering and locally linear, globally nonlinear dimensionality reduction.
Permitting different number of factors per mixture component, the algorithm
adapts the model complexity to the data complexity. We compare the proposed
algorithm with related automatic model selection algorithms on a number of
benchmarks. The results indicate the effectiveness of this fast and robust
approach in clustering, manifold learning and class-conditional modeling.
|
Spectral Smoothing via Random Matrix Perturbations | We consider stochastic smoothing of spectral functions of matrices using
perturbations commonly studied in random matrix theory. We show that a spectral
function remains spectral when smoothed using a unitarily invariant
perturbation distribution. We then derive state-of-the-art smoothing bounds for
the maximum eigenvalue function using the Gaussian Orthogonal Ensemble (GOE).
Smoothing the maximum eigenvalue function is important for applications in
semidefinite optimization and online learning. As a direct consequence of our
GOE smoothing results, we obtain an $O((N \log N)^{1/4} \sqrt{T})$ expected
regret bound for the online variance minimization problem using an algorithm
that performs only a single maximum eigenvector computation per time step. Here
$T$ is the number of rounds and $N$ is the matrix dimension. Our algorithm and
its analysis also extend to the more general online PCA problem where the
learner has to output a rank $k$ subspace. The algorithm just requires
computing $k$ maximum eigenvectors per step and enjoys an $O(k (N \log N)^{1/4}
\sqrt{T})$ expected regret bound.
|
Tight Risk Bounds for Multi-Class Margin Classifiers | We consider a problem of risk estimation for large-margin multi-class
classifiers. We propose a novel risk bound for the multi-class classification
problem. The bound involves the marginal distribution of the classifier and the
Rademacher complexity of the hypothesis class. We prove that our bound is tight
in the number of classes. Finally, we compare our bound with the related ones
and provide a simplified version of the bound for the multi-class
classification with kernel based hypotheses.
|
A new boosting algorithm based on dual averaging scheme | The fields of machine learning and mathematical optimization increasingly
intertwined. The special topic on supervised learning and convex optimization
examines this interplay. The training part of most supervised learning
algorithms can usually be reduced to an optimization problem that minimizes a
loss between model predictions and training data. While most optimization
techniques focus on accuracy and speed of convergence, the qualities of good
optimization algorithm from the machine learning perspective can be quite
different since machine learning is more than fitting the data. Better
optimization algorithms that minimize the training loss can possibly give very
poor generalization performance. In this paper, we examine a particular kind of
machine learning algorithm, boosting, whose training process can be viewed as
functional coordinate descent on the exponential loss. We study the relation
between optimization techniques and machine learning by implementing a new
boosting algorithm. DABoost, based on dual-averaging scheme and study its
generalization performance. We show that DABoost, although slower in reducing
the training error, in general enjoys a better generalization error than
AdaBoost.
|
A Review of Nonnegative Matrix Factorization Methods for Clustering | Nonnegative Matrix Factorization (NMF) was first introduced as a low-rank
matrix approximation technique, and has enjoyed a wide area of applications.
Although NMF does not seem related to the clustering problem at first, it was
shown that they are closely linked. In this report, we provide a gentle
introduction to clustering and NMF before reviewing the theoretical
relationship between them. We then explore several NMF variants, namely Sparse
NMF, Projective NMF, Nonnegative Spectral Clustering and Cluster-NMF, along
with their clustering interpretations.
|
Homotopy Continuation Approaches for Robust SV Classification and
Regression | In support vector machine (SVM) applications with unreliable data that
contains a portion of outliers, non-robustness of SVMs often causes
considerable performance deterioration. Although many approaches for improving
the robustness of SVMs have been studied, two major challenges remain in robust
SVM learning. First, robust learning algorithms are essentially formulated as
non-convex optimization problems. It is thus important to develop a non-convex
optimization method for robust SVM that can find a good local optimal solution.
The second practical issue is how one can tune the hyperparameter that controls
the balance between robustness and efficiency. Unfortunately, due to the
non-convexity, robust SVM solutions with slightly different hyper-parameter
values can be significantly different, which makes model selection highly
unstable. In this paper, we address these two issues simultaneously by
introducing a novel homotopy approach to non-convex robust SVM learning. Our
basic idea is to introduce parametrized formulations of robust SVM which bridge
the standard SVM and fully robust SVM via the parameter that represents the
influence of outliers. We characterize the necessary and sufficient conditions
of the local optimal solutions of robust SVM, and develop an algorithm that can
trace a path of local optimal solutions when the influence of outliers is
gradually decreased. An advantage of our homotopy approach is that it can be
interpreted as simulated annealing, a common approach for finding a good local
optimal solution in non-convex optimization problems. In addition, our homotopy
method allows stable and efficient model selection based on the path of local
optimal solutions. Empirical performances of the proposed approach are
demonstrated through intensive numerical experiments both on robust
classification and regression problems.
|
Tensor principal component analysis via sum-of-squares proofs | We study a statistical model for the tensor principal component analysis
problem introduced by Montanari and Richard: Given a order-$3$ tensor $T$ of
the form $T = \tau \cdot v_0^{\otimes 3} + A$, where $\tau \geq 0$ is a
signal-to-noise ratio, $v_0$ is a unit vector, and $A$ is a random noise
tensor, the goal is to recover the planted vector $v_0$. For the case that $A$
has iid standard Gaussian entries, we give an efficient algorithm to recover
$v_0$ whenever $\tau \geq \omega(n^{3/4} \log(n)^{1/4})$, and certify that the
recovered vector is close to a maximum likelihood estimator, all with high
probability over the random choice of $A$. The previous best algorithms with
provable guarantees required $\tau \geq \Omega(n)$.
In the regime $\tau \leq o(n)$, natural tensor-unfolding-based spectral
relaxations for the underlying optimization problem break down (in the sense
that their integrality gap is large). To go beyond this barrier, we use convex
relaxations based on the sum-of-squares method. Our recovery algorithm proceeds
by rounding a degree-$4$ sum-of-squares relaxations of the
maximum-likelihood-estimation problem for the statistical model. To complement
our algorithmic results, we show that degree-$4$ sum-of-squares relaxations
break down for $\tau \leq O(n^{3/4}/\log(n)^{1/4})$, which demonstrates that
improving our current guarantees (by more than logarithmic factors) would
require new techniques or might even be intractable.
Finally, we show how to exploit additional problem structure in order to
solve our sum-of-squares relaxations, up to some approximation, very
efficiently. Our fastest algorithm runs in nearly-linear time using shifted
(matrix) power iteration and has similar guarantees as above. The analysis of
this algorithm also confirms a variant of a conjecture of Montanari and Richard
about singular vectors of tensor unfoldings.
|
Cluster-Aided Mobility Predictions | Predicting the future location of users in wireless net- works has numerous
applications, and can help service providers to improve the quality of service
perceived by their clients. The location predictors proposed so far estimate
the next location of a specific user by inspecting the past individual
trajectories of this user. As a consequence, when the training data collected
for a given user is limited, the resulting prediction is inaccurate. In this
paper, we develop cluster-aided predictors that exploit past trajectories
collected from all users to predict the next location of a given user. These
predictors rely on clustering techniques and extract from the training data
similarities among the mobility patterns of the various users to improve the
prediction accuracy. Specifically, we present CAMP (Cluster-Aided Mobility
Predictor), a cluster-aided predictor whose design is based on recent
non-parametric bayesian statistical tools. CAMP is robust and adaptive in the
sense that it exploits similarities in users' mobility only if such
similarities are really present in the training data. We analytically prove the
consistency of the predictions provided by CAMP, and investigate its
performance using two large-scale datasets. CAMP significantly outperforms
existing predictors, and in particular those that only exploit individual past
trajectories.
|
Quantitative Evaluation of Performance and Validity Indices for
Clustering the Web Navigational Sessions | Clustering techniques are widely used in Web Usage Mining to capture similar
interests and trends among users accessing a Web site. For this purpose, web
access logs generated at a particular web site are preprocessed to discover the
user navigational sessions. Clustering techniques are then applied to group the
user session data into user session clusters, where intercluster similarities
are minimized while the intra cluster similarities are maximized. Since the
application of different clustering algorithms generally results in different
sets of cluster formation, it is important to evaluate the performance of these
methods in terms of accuracy and validity of the clusters, and also the time
required to generate them, using appropriate performance measures. This paper
describes various validity and accuracy measures including Dunn's Index, Davies
Bouldin Index, C Index, Rand Index, Jaccard Index, Silhouette Index, Fowlkes
Mallows and Sum of the Squared Error (SSE). We conducted the performance
evaluation of the following clustering techniques: k-Means, k-Medoids, Leader,
Single Link Agglomerative Hierarchical and DBSCAN. These techniques are
implemented and tested against the Web user navigational data. Finally their
performance results are presented and compared.
|
Ordered Decompositional DAG Kernels Enhancements | In this paper, we show how the Ordered Decomposition DAGs (ODD) kernel
framework, a framework that allows the definition of graph kernels from tree
kernels, allows to easily define new state-of-the-art graph kernels. Here we
consider a fast graph kernel based on the Subtree kernel (ST), and we propose
various enhancements to increase its expressiveness. The proposed DAG kernel
has the same worst-case complexity as the one based on ST, but an improved
expressivity due to an augmented set of features. Moreover, we propose a novel
weighting scheme for the features, which can be applied to other kernels of the
ODD framework. These improvements allow the proposed kernels to improve on the
classification performances of the ST-based kernel for several real-world
datasets, reaching state-of-the-art performances.
|
Projected Wirtinger Gradient Descent for Low-Rank Hankel Matrix
Completion in Spectral Compressed Sensing | This paper considers reconstructing a spectrally sparse signal from a small
number of randomly observed time-domain samples. The signal of interest is a
linear combination of complex sinusoids at $R$ distinct frequencies. The
frequencies can assume any continuous values in the normalized frequency domain
$[0,1)$. After converting the spectrally sparse signal recovery into a low rank
structured matrix completion problem, we propose an efficient feasible point
approach, named projected Wirtinger gradient descent (PWGD) algorithm, to
efficiently solve this structured matrix completion problem. We further
accelerate our proposed algorithm by a scheme inspired by FISTA. We give the
convergence analysis of our proposed algorithms. Extensive numerical
experiments are provided to illustrate the efficiency of our proposed
algorithm. Different from earlier approaches, our algorithm can solve problems
of very large dimensions very efficiently.
|
A New Framework for Distributed Submodular Maximization | A wide variety of problems in machine learning, including exemplar
clustering, document summarization, and sensor placement, can be cast as
constrained submodular maximization problems. A lot of recent effort has been
devoted to developing distributed algorithms for these problems. However, these
results suffer from high number of rounds, suboptimal approximation ratios, or
both. We develop a framework for bringing existing algorithms in the sequential
setting to the distributed setting, achieving near optimal approximation ratios
for many settings in only a constant number of MapReduce rounds. Our techniques
also give a fast sequential algorithm for non-monotone maximization subject to
a matroid constraint.
|
Closed Curves and Elementary Visual Object Identification | For two closed curves on a plane (discrete version) and local criteria for
similarity of points on the curves one gets a potential, which describes the
similarity between curve points. This is the base for a global similarity
measure of closed curves (Fr\'echet distance). I use borderlines of handwritten
digits to demonstrate an area of application. I imagine, measuring the
similarity of closed curves is an essential and elementary task performed by a
visual system. This approach to similarity measures may be used by visual
systems.
|
Rich Component Analysis | In many settings, we have multiple data sets (also called views) that capture
different and overlapping aspects of the same phenomenon. We are often
interested in finding patterns that are unique to one or to a subset of the
views. For example, we might have one set of molecular observations and one set
of physiological observations on the same group of individuals, and we want to
quantify molecular patterns that are uncorrelated with physiology. Despite
being a common problem, this is highly challenging when the correlations come
from complex distributions. In this paper, we develop the general framework of
Rich Component Analysis (RCA) to model settings where the observations from
different views are driven by different sets of latent components, and each
component can be a complex, high-dimensional distribution. We introduce
algorithms based on cumulant extraction that provably learn each of the
components without having to model the other components. We show how to
integrate RCA with stochastic gradient descent into a meta-algorithm for
learning general models, and demonstrate substantial improvement in accuracy on
several synthetic and real datasets in both supervised and unsupervised tasks.
Our method makes it possible to learn latent variable models when we don't have
samples from the true model but only samples after complex perturbations.
|
Training artificial neural networks to learn a nondeterministic game | It is well known that artificial neural networks (ANNs) can learn
deterministic automata. Learning nondeterministic automata is another matter.
This is important because much of the world is nondeterministic, taking the
form of unpredictable or probabilistic events that must be acted upon. If ANNs
are to engage such phenomena, then they must be able to learn how to deal with
nondeterminism. In this project the game of Pong poses a nondeterministic
environment. The learner is given an incomplete view of the game state and
underlying deterministic physics, resulting in a nondeterministic game. Three
models were trained and tested on the game: Mona, Elman, and Numenta's NuPIC.
|
Solomonoff Induction Violates Nicod's Criterion | Nicod's criterion states that observing a black raven is evidence for the
hypothesis H that all ravens are black. We show that Solomonoff induction does
not satisfy Nicod's criterion: there are time steps in which observing black
ravens decreases the belief in H. Moreover, while observing any computable
infinite string compatible with H, the belief in H decreases infinitely often
when using the unnormalized Solomonoff prior, but only finitely often when
using the normalized Solomonoff prior. We argue that the fault is not with
Solomonoff induction; instead we should reject Nicod's criterion.
|
On the Computability of Solomonoff Induction and Knowledge-Seeking | Solomonoff induction is held as a gold standard for learning, but it is known
to be incomputable. We quantify its incomputability by placing various flavors
of Solomonoff's prior M in the arithmetical hierarchy. We also derive
computability bounds for knowledge-seeking agents, and give a limit-computable
weakly asymptotically optimal reinforcement learning agent.
|
Untangling AdaBoost-based Cost-Sensitive Classification. Part I:
Theoretical Perspective | Boosting algorithms have been widely used to tackle a plethora of problems.
In the last few years, a lot of approaches have been proposed to provide
standard AdaBoost with cost-sensitive capabilities, each with a different
focus. However, for the researcher, these algorithms shape a tangled set with
diffuse differences and properties, lacking a unifying analysis to jointly
compare, classify, evaluate and discuss those approaches on a common basis. In
this series of two papers we aim to revisit the various proposals, both from
theoretical (Part I) and practical (Part II) perspectives, in order to analyze
their specific properties and behavior, with the final goal of identifying the
algorithm providing the best and soundest results.
|
Untangling AdaBoost-based Cost-Sensitive Classification. Part II:
Empirical Analysis | A lot of approaches, each following a different strategy, have been proposed
in the literature to provide AdaBoost with cost-sensitive properties. In the
first part of this series of two papers, we have presented these algorithms in
a homogeneous notational framework, proposed a clustering scheme for them and
performed a thorough theoretical analysis of those approaches with a fully
theoretical foundation. The present paper, in order to complete our analysis,
is focused on the empirical study of all the algorithms previously presented
over a wide range of heterogeneous classification problems. The results of our
experiments, confirming the theoretical conclusions, seem to reveal that the
simplest approach, just based on cost-sensitive weight initialization, is the
one showing the best and soundest results, despite having been recurrently
overlooked in the literature.
|
ALEVS: Active Learning by Statistical Leverage Sampling | Active learning aims to obtain a classifier of high accuracy by using fewer
label requests in comparison to passive learning by selecting effective
queries. Many active learning methods have been developed in the past two
decades, which sample queries based on informativeness or representativeness of
unlabeled data points. In this work, we explore a novel querying criterion
based on statistical leverage scores. The statistical leverage scores of a row
in a matrix are the squared row-norms of the matrix containing its (top) left
singular vectors and is a measure of influence of the row on the matrix.
Leverage scores have been used for detecting high influential points in
regression diagnostics and have been recently shown to be useful for data
analysis and randomized low-rank matrix approximation algorithms. We explore
how sampling data instances with high statistical leverage scores perform in
active learning. Our empirical comparison on several binary classification
datasets indicate that querying high leverage points is an effective strategy.
|
Minimum Density Hyperplanes | Associating distinct groups of objects (clusters) with contiguous regions of
high probability density (high-density clusters), is central to many
statistical and machine learning approaches to the classification of unlabelled
data. We propose a novel hyperplane classifier for clustering and
semi-supervised classification which is motivated by this objective. The
proposed minimum density hyperplane minimises the integral of the empirical
probability density function along it, thereby avoiding intersection with high
density clusters. We show that the minimum density and the maximum margin
hyperplanes are asymptotically equivalent, thus linking this approach to
maximum margin clustering and semi-supervised support vector classifiers. We
propose a projection pursuit formulation of the associated optimisation problem
which allows us to find minimum density hyperplanes efficiently in practice,
and evaluate its performance on a range of benchmark datasets. The proposed
approach is found to be very competitive with state of the art methods for
clustering and semi-supervised classification.
|
Combinatorial Cascading Bandits | We propose combinatorial cascading bandits, a class of partial monitoring
problems where at each step a learning agent chooses a tuple of ground items
subject to constraints and receives a reward if and only if the weights of all
chosen items are one. The weights of the items are binary, stochastic, and
drawn independently of each other. The agent observes the index of the first
chosen item whose weight is zero. This observation model arises in network
routing, for instance, where the learning agent may only observe the first link
in the routing path which is down, and blocks the path. We propose a UCB-like
algorithm for solving our problems, CombCascade; and prove gap-dependent and
gap-free upper bounds on its $n$-step regret. Our proofs build on recent work
in stochastic combinatorial semi-bandits but also address two novel challenges
of our setting, a non-linear reward function and partial observability. We
evaluate CombCascade on two real-world problems and show that it performs well
even when our modeling assumptions are violated. We also demonstrate that our
setting requires a new learning algorithm.
|
The Role of Principal Angles in Subspace Classification | Subspace models play an important role in a wide range of signal processing
tasks, and this paper explores how the pairwise geometry of subspaces
influences the probability of misclassification. When the mismatch between the
signal and the model is vanishingly small, the probability of misclassification
is determined by the product of the sines of the principal angles between
subspaces. When the mismatch is more significant, the probability of
misclassification is determined by the sum of the squares of the sines of the
principal angles. Reliability of classification is derived in terms of the
distribution of signal energy across principal vectors. Larger principal angles
lead to smaller classification error, motivating a linear transform that
optimizes principal angles. The transform presented here (TRAIT) preserves some
specific characteristic of each individual class, and this approach is shown to
be complementary to a previously developed transform (LRT) that enlarges
inter-class distance while suppressing intra-class dispersion. Theoretical
results are supported by demonstration of superior classification accuracy on
synthetic and measured data even in the presence of significant model mismatch.
|
Learning Action Models: Qualitative Approach | In dynamic epistemic logic, actions are described using action models. In
this paper we introduce a framework for studying learnability of action models
from observations. We present first results concerning propositional action
models. First we check two basic learnability criteria: finite identifiability
(conclusively inferring the appropriate action model in finite time) and
identifiability in the limit (inconclusive convergence to the right action
model). We show that deterministic actions are finitely identifiable, while
non-deterministic actions require more learning power-they are identifiable in
the limit. We then move on to a particular learning method, which proceeds via
restriction of a space of events within a learning-specific action model. This
way of learning closely resembles the well-known update method from dynamic
epistemic logic. We introduce several different learning methods suited for
finite identifiability of particular types of deterministic actions.
|
Massively Parallel Methods for Deep Reinforcement Learning | We present the first massively distributed architecture for deep
reinforcement learning. This architecture uses four main components: parallel
actors that generate new behaviour; parallel learners that are trained from
stored experience; a distributed neural network to represent the value function
or behaviour policy; and a distributed store of experience. We used our
architecture to implement the Deep Q-Network algorithm (DQN). Our distributed
algorithm was applied to 49 games from Atari 2600 games from the Arcade
Learning Environment, using identical hyperparameters. Our performance
surpassed non-distributed DQN in 41 of the 49 games and also reduced the
wall-time required to achieve these results by an order of magnitude on most
games.
|
Learning Boolean functions with concentrated spectra | This paper discusses the theory and application of learning Boolean functions
that are concentrated in the Fourier domain. We first estimate the VC dimension
of this function class in order to establish a small sample complexity of
learning in this case. Next, we propose a computationally efficient method of
empirical risk minimization, and we apply this method to the MNIST database of
handwritten digits. These results demonstrate the effectiveness of our model
for modern classification tasks. We conclude with a list of open problems for
future investigation.
|
Parallel MMF: a Multiresolution Approach to Matrix Computation | Multiresolution Matrix Factorization (MMF) was recently introduced as a
method for finding multiscale structure and defining wavelets on
graphs/matrices. In this paper we derive pMMF, a parallel algorithm for
computing the MMF factorization. Empirically, the running time of pMMF scales
linearly in the dimension for sparse matrices. We argue that this makes pMMF a
valuable new computational primitive in its own right, and present experiments
on using pMMF for two distinct purposes: compressing matrices and
preconditioning large sparse linear systems.
|
Preference Completion: Large-scale Collaborative Ranking from Pairwise
Comparisons | In this paper we consider the collaborative ranking setting: a pool of users
each provides a small number of pairwise preferences between $d$ possible
items; from these we need to predict preferences of the users for items they
have not yet seen. We do so by fitting a rank $r$ score matrix to the pairwise
data, and provide two main contributions: (a) we show that an algorithm based
on convex optimization provides good generalization guarantees once each user
provides as few as $O(r\log^2 d)$ pairwise comparisons -- essentially matching
the sample complexity required in the related matrix completion setting (which
uses actual numerical as opposed to pairwise information), and (b) we develop a
large-scale non-convex implementation, which we call AltSVM, that trains a
factored form of the matrix via alternating minimization (which we show reduces
to alternating SVM problems), and scales and parallelizes very well to large
problem settings. It also outperforms common baselines on many moderately large
popular collaborative filtering datasets in both NDCG and in other measures of
ranking performance.
|
Towards Predicting First Daily Departure Times: a Gaussian Modeling
Approach for Load Shift Forecasting | This work provides two statistical Gaussian forecasting methods for
predicting First Daily Departure Times (FDDTs) of everyday use electric
vehicles. This is important in smart grid applications to understand
disconnection times of such mobile storage units, for instance to forecast
storage of non dispatchable loads (e.g. wind and solar power). We provide a
review of the relevant state-of-the-art driving behavior features towards FDDT
prediction, to then propose an approximated Gaussian method which qualitatively
forecasts how many vehicles will depart within a given time frame, by assuming
that departure times follow a normal distribution. This method considers
sampling sessions as Poisson distributions which are superimposed to obtain a
single approximated Gaussian model. Given the Gaussian distribution assumption
of the departure times, we also model the problem with Gaussian Mixture Models
(GMM), in which the priorly set number of clusters represents the desired time
granularity. Evaluation has proven that for the dataset tested, low error and
high confidence ($\approx 95\%$) is possible for 15 and 10 minute intervals,
and that GMM outperforms traditional modeling but is less generalizable across
datasets, as it is a closer fit to the sampling data. Conclusively we discuss
future possibilities and practical applications of the discussed model.
|
Upper-Confidence-Bound Algorithms for Active Learning in Multi-Armed
Bandits | In this paper, we study the problem of estimating uniformly well the mean
values of several distributions given a finite budget of samples. If the
variance of the distributions were known, one could design an optimal sampling
strategy by collecting a number of independent samples per distribution that is
proportional to their variance. However, in the more realistic case where the
distributions are not known in advance, one needs to design adaptive sampling
strategies in order to select which distribution to sample from according to
the previously observed samples. We describe two strategies based on pulling
the distributions a number of times that is proportional to a high-probability
upper-confidence-bound on their variance (built from previous observed samples)
and report a finite-sample performance analysis on the excess estimation error
compared to the optimal allocation. We show that the performance of these
allocation strategies depends not only on the variances but also on the full
shape of the distributions.
|
Learning to classify with possible sensor failures | In this paper, we propose a general framework to learn a robust large-margin
binary classifier when corrupt measurements, called anomalies, caused by sensor
failure might be present in the training set. The goal is to minimize the
generalization error of the classifier on non-corrupted measurements while
controlling the false alarm rate associated with anomalous samples. By
incorporating a non-parametric regularizer based on an empirical entropy
estimator, we propose a Geometric-Entropy-Minimization regularized Maximum
Entropy Discrimination (GEM-MED) method to learn to classify and detect
anomalies in a joint manner. We demonstrate using simulated data and a real
multimodal data set. Our GEM-MED method can yield improved performance over
previous robust classification methods in terms of both classification accuracy
and anomaly detection rate.
|
A Dependency-Based Neural Network for Relation Classification | Previous research on relation classification has verified the effectiveness
of using dependency shortest paths or subtrees. In this paper, we further
explore how to make full use of the combination of these dependency
information. We first propose a new structure, termed augmented dependency path
(ADP), which is composed of the shortest dependency path between two entities
and the subtrees attached to the shortest path. To exploit the semantic
representation behind the ADP structure, we develop dependency-based neural
networks (DepNN): a recursive neural network designed to model the subtrees,
and a convolutional neural network to capture the most important features on
the shortest path. Experiments on the SemEval-2010 dataset show that our
proposed method achieves state-of-art results.
|
Less is More: Nystr\"om Computational Regularization | We study Nystr\"om type subsampling approaches to large scale kernel methods,
and prove learning bounds in the statistical learning setting, where random
sampling and high probability estimates are considered. In particular, we prove
that these approaches can achieve optimal learning bounds, provided the
subsampling level is suitably chosen. These results suggest a simple
incremental variant of Nystr\"om Kernel Regularized Least Squares, where the
subsampling level implements a form of computational regularization, in the
sense that it controls at the same time regularization and computations.
Extensive experimental analysis shows that the considered approach achieves
state of the art performances on benchmark large scale datasets.
|
Variational Gram Functions: Convex Analysis and Optimization | We propose a new class of convex penalty functions, called \emph{variational
Gram functions} (VGFs), that can promote pairwise relations, such as
orthogonality, among a set of vectors in a vector space. These functions can
serve as regularizers in convex optimization problems arising from hierarchical
classification, multitask learning, and estimating vectors with disjoint
supports, among other applications. We study convexity for VGFs, and give
efficient characterizations for their convex conjugates, subdifferentials, and
proximal operators. We discuss efficient optimization algorithms for
regularized loss minimization problems where the loss admits a common, yet
simple, variational representation and the regularizer is a VGF. These
algorithms enjoy a simple kernel trick, an efficient line search, as well as
computational advantages over first order methods based on the subdifferential
or proximal maps. We also establish a general representer theorem for such
learning problems. Lastly, numerical experiments on a hierarchical
classification problem are presented to demonstrate the effectiveness of VGFs
and the associated optimization algorithms.
|
Deep Learning and Music Adversaries | An adversary is essentially an algorithm intent on making a classification
system perform in some particular way given an input, e.g., increase the
probability of a false negative. Recent work builds adversaries for deep
learning systems applied to image object recognition, which exploits the
parameters of the system to find the minimal perturbation of the input image
such that the network misclassifies it with high confidence. We adapt this
approach to construct and deploy an adversary of deep learning systems applied
to music content analysis. In our case, however, the input to the systems is
magnitude spectral frames, which requires special care in order to produce
valid input audio signals from network-derived perturbations. For two different
train-test partitionings of two benchmark datasets, and two different deep
architectures, we find that this adversary is very effective in defeating the
resulting systems. We find the convolutional networks are more robust, however,
compared with systems based on a majority vote over individually classified
audio frames. Furthermore, we integrate the adversary into the training of new
deep systems, but do not find that this improves their resilience against the
same adversary.
|
Sparse Probit Linear Mixed Model | Linear Mixed Models (LMMs) are important tools in statistical genetics. When
used for feature selection, they allow to find a sparse set of genetic traits
that best predict a continuous phenotype of interest, while simultaneously
correcting for various confounding factors such as age, ethnicity and
population structure. Formulated as models for linear regression, LMMs have
been restricted to continuous phenotypes. We introduce the Sparse Probit Linear
Mixed Model (Probit-LMM), where we generalize the LMM modeling paradigm to
binary phenotypes. As a technical challenge, the model no longer possesses a
closed-form likelihood function. In this paper, we present a scalable
approximate inference algorithm that lets us fit the model to high-dimensional
data sets. We show on three real-world examples from different domains that in
the setup of binary labels, our algorithm leads to better prediction accuracies
and also selects features which show less correlation with the confounding
factors.
|
Sharp Time--Data Tradeoffs for Linear Inverse Problems | In this paper we characterize sharp time-data tradeoffs for optimization
problems used for solving linear inverse problems. We focus on the minimization
of a least-squares objective subject to a constraint defined as the sub-level
set of a penalty function. We present a unified convergence analysis of the
gradient projection algorithm applied to such problems. We sharply characterize
the convergence rate associated with a wide variety of random measurement
ensembles in terms of the number of measurements and structural complexity of
the signal with respect to the chosen penalty function. The results apply to
both convex and nonconvex constraints, demonstrating that a linear convergence
rate is attainable even though the least squares objective is not strongly
convex in these settings. When specialized to Gaussian measurements our results
show that such linear convergence occurs when the number of measurements is
merely 4 times the minimal number required to recover the desired signal at all
(a.k.a. the phase transition). We also achieve a slower but geometric rate of
convergence precisely above the phase transition point. Extensive numerical
results suggest that the derived rates exactly match the empirical performance.
|
Exploratory topic modeling with distributional semantics | As we continue to collect and store textual data in a multitude of domains,
we are regularly confronted with material whose largely unknown thematic
structure we want to uncover. With unsupervised, exploratory analysis, no prior
knowledge about the content is required and highly open-ended tasks can be
supported. In the past few years, probabilistic topic modeling has emerged as a
popular approach to this problem. Nevertheless, the representation of the
latent topics as aggregations of semi-coherent terms limits their
interpretability and level of detail.
This paper presents an alternative approach to topic modeling that maps
topics as a network for exploration, based on distributional semantics using
learned word vectors. From the granular level of terms and their semantic
similarity relations global topic structures emerge as clustered regions and
gradients of concepts. Moreover, the paper discusses the visual interactive
representation of the topic map, which plays an important role in supporting
its exploration.
|
Building End-To-End Dialogue Systems Using Generative Hierarchical
Neural Network Models | We investigate the task of building open domain, conversational dialogue
systems based on large dialogue corpora using generative models. Generative
models produce system responses that are autonomously generated word-by-word,
opening up the possibility for realistic, flexible interactions. In support of
this goal, we extend the recently proposed hierarchical recurrent
encoder-decoder neural network to the dialogue domain, and demonstrate that
this model is competitive with state-of-the-art neural language models and
back-off n-gram models. We investigate the limitations of this and similar
approaches, and show how its performance can be improved by bootstrapping the
learning from a larger question-answer pair corpus and from pretrained word
embeddings.
|
Deep Multimodal Speaker Naming | Automatic speaker naming is the problem of localizing as well as identifying
each speaking character in a TV/movie/live show video. This is a challenging
problem mainly attributes to its multimodal nature, namely face cue alone is
insufficient to achieve good performance. Previous multimodal approaches to
this problem usually process the data of different modalities individually and
merge them using handcrafted heuristics. Such approaches work well for simple
scenes, but fail to achieve high performance for speakers with large appearance
variations. In this paper, we propose a novel convolutional neural networks
(CNN) based learning framework to automatically learn the fusion function of
both face and audio cues. We show that without using face tracking, facial
landmark localization or subtitle/transcript, our system with robust multimodal
feature extraction is able to achieve state-of-the-art speaker naming
performance evaluated on two diverse TV series. The dataset and implementation
of our algorithm are publicly available online.
|
Maximum Entropy Deep Inverse Reinforcement Learning | This paper presents a general framework for exploiting the representational
capacity of neural networks to approximate complex, nonlinear reward functions
in the context of solving the inverse reinforcement learning (IRL) problem. We
show in this context that the Maximum Entropy paradigm for IRL lends itself
naturally to the efficient training of deep architectures. At test time, the
approach leads to a computational complexity independent of the number of
demonstrations, which makes it especially well-suited for applications in
life-long learning scenarios. Our approach achieves performance commensurate to
the state-of-the-art on existing benchmarks while exceeding on an alternative
benchmark based on highly varying reward structures. Finally, we extend the
basic architecture - which is equivalent to a simplified subclass of Fully
Convolutional Neural Networks (FCNNs) with width one - to include larger
convolutions in order to eliminate dependency on precomputed spatial features
and work on raw input representations.
|
Lower Bounds for Multi-armed Bandit with Non-equivalent Multiple Plays | We study the stochastic multi-armed bandit problem with non-equivalent
multiple plays where, at each step, an agent chooses not only a set of arms,
but also their order, which influences reward distribution. In several problem
formulations with different assumptions, we provide lower bounds for regret
with standard asymptotics $O(\log{t})$ but novel coefficients and provide
optimal algorithms, thus proving that these bounds cannot be improved.
|
FRULER: Fuzzy Rule Learning through Evolution for Regression | In regression problems, the use of TSK fuzzy systems is widely extended due
to the precision of the obtained models. Moreover, the use of simple linear TSK
models is a good choice in many real problems due to the easy understanding of
the relationship between the output and input variables. In this paper we
present FRULER, a new genetic fuzzy system for automatically learning accurate
and simple linguistic TSK fuzzy rule bases for regression problems. In order to
reduce the complexity of the learned models while keeping a high accuracy, the
algorithm consists of three stages: instance selection, multi-granularity fuzzy
discretization of the input variables, and the evolutionary learning of the
rule base that uses the Elastic Net regularization to obtain the consequents of
the rules. Each stage was validated using 28 real-world datasets and FRULER was
compared with three state of the art enetic fuzzy systems. Experimental results
show that FRULER achieves the most accurate and simple models compared even
with approximative approaches.
|
Massively Deep Artificial Neural Networks for Handwritten Digit
Recognition | Greedy Restrictive Boltzmann Machines yield an fairly low 0.72% error rate on
the famous MNIST database of handwritten digits. All that was required to
achieve this result was a high number of hidden layers consisting of many
neurons, and a graphics card to greatly speed up the rate of learning.
|
Type I and Type II Bayesian Methods for Sparse Signal Recovery using
Scale Mixtures | In this paper, we propose a generalized scale mixture family of
distributions, namely the Power Exponential Scale Mixture (PESM) family, to
model the sparsity inducing priors currently in use for sparse signal recovery
(SSR). We show that the successful and popular methods such as LASSO,
Reweighted $\ell_1$ and Reweighted $\ell_2$ methods can be formulated in an
unified manner in a maximum a posteriori (MAP) or Type I Bayesian framework
using an appropriate member of the PESM family as the sparsity inducing prior.
In addition, exploiting the natural hierarchical framework induced by the PESM
family, we utilize these priors in a Type II framework and develop the
corresponding EM based estimation algorithms. Some insight into the differences
between Type I and Type II methods is provided and of particular interest in
the algorithmic development is the Type II variant of the popular and
successful reweighted $\ell_1$ method. Extensive empirical results are provided
and they show that the Type II methods exhibit better support recovery than the
corresponding Type I methods.
|
The Mondrian Process for Machine Learning | This report is concerned with the Mondrian process and its applications in
machine learning. The Mondrian process is a guillotine-partition-valued
stochastic process that possesses an elegant self-consistency property. The
first part of the report uses simple concepts from applied probability to
define the Mondrian process and explore its properties.
The Mondrian process has been used as the main building block of a clever
online random forest classification algorithm that turns out to be equivalent
to its batch counterpart. We outline a slight adaptation of this algorithm to
regression, as the remainder of the report uses regression as a case study of
how Mondrian processes can be utilized in machine learning. In particular, the
Mondrian process will be used to construct a fast approximation to the
computationally expensive kernel ridge regression problem with a Laplace
kernel.
The complexity of random guillotine partitions generated by a Mondrian
process and hence the complexity of the resulting regression models is
controlled by a lifetime hyperparameter. It turns out that these models can be
efficiently trained and evaluated for all lifetimes in a given range at once,
without needing to retrain them from scratch for each lifetime value. This
leads to an efficient procedure for determining the right model complexity for
a dataset at hand.
The limitation of having a single lifetime hyperparameter will motivate the
final Mondrian grid model, in which each input dimension is endowed with its
own lifetime parameter. In this model we preserve the property that its
hyperparameters can be tweaked without needing to retrain the modified model
from scratch.
|
Fairness Constraints: Mechanisms for Fair Classification | Algorithmic decision making systems are ubiquitous across a wide variety of
online as well as offline services. These systems rely on complex learning
methods and vast amounts of data to optimize the service functionality,
satisfaction of the end user and profitability. However, there is a growing
concern that these automated decisions can lead, even in the absence of intent,
to a lack of fairness, i.e., their outcomes can disproportionately hurt (or,
benefit) particular groups of people sharing one or more sensitive attributes
(e.g., race, sex). In this paper, we introduce a flexible mechanism to design
fair classifiers by leveraging a novel intuitive measure of decision boundary
(un)fairness. We instantiate this mechanism with two well-known classifiers,
logistic regression and support vector machines, and show on real-world data
that our mechanism allows for a fine-grained control on the degree of fairness,
often at a small cost in terms of accuracy.
|
2 Notes on Classes with Vapnik-Chervonenkis Dimension 1 | The Vapnik-Chervonenkis dimension is a combinatorial parameter that reflects
the "complexity" of a set of sets (a.k.a. concept classes). It has been
introduced by Vapnik and Chervonenkis in their seminal 1971 paper and has since
found many applications, most notably in machine learning theory and in
computational geometry. Arguably the most influential consequence of the VC
analysis is the fundamental theorem of statistical machine learning, stating
that a concept class is learnable (in some precise sense) if and only if its
VC-dimension is finite. Furthermore, for such classes a most simple learning
rule - empirical risk minimization (ERM) - is guaranteed to succeed.
The simplest non-trivial structures, in terms of the VC-dimension, are the
classes (i.e., sets of subsets) for which that dimension is 1.
In this note we show a couple of curious results concerning such classes. The
first result shows that such classes share a very simple structure, and, as a
corollary, the labeling information contained in any sample labeled by such a
class can be compressed into a single instance.
The second result shows that due to some subtle measurability issues, in
spite of the above mentioned fundamental theorem, there are classes of
dimension 1 for which an ERM learning rule fails miserably.
|
Fast Adaptive Weight Noise | Marginalising out uncertain quantities within the internal representations or
parameters of neural networks is of central importance for a wide range of
learning techniques, such as empirical, variational or full Bayesian methods.
We set out to generalise fast dropout (Wang & Manning, 2013) to cover a wider
variety of noise processes in neural networks. This leads to an efficient
calculation of the marginal likelihood and predictive distribution which evades
sampling and the consequential increase in training time due to highly variant
gradient estimates. This allows us to approximate variational Bayes for the
parameters of feed-forward neural networks. Inspired by the minimum description
length principle, we also propose and experimentally verify the direct
optimisation of the regularised predictive distribution. The methods yield
results competitive with previous neural network based approaches and Gaussian
processes on a wide range of regression tasks.
|
Regret Guarantees for Item-Item Collaborative Filtering | There is much empirical evidence that item-item collaborative filtering works
well in practice. Motivated to understand this, we provide a framework to
design and analyze various recommendation algorithms. The setup amounts to
online binary matrix completion, where at each time a random user requests a
recommendation and the algorithm chooses an entry to reveal in the user's row.
The goal is to minimize regret, or equivalently to maximize the number of +1
entries revealed at any time. We analyze an item-item collaborative filtering
algorithm that can achieve fundamentally better performance compared to
user-user collaborative filtering. The algorithm achieves good "cold-start"
performance (appropriately defined) by quickly making good recommendations to
new users about whom there is little information.
|
Canonical Correlation Forests | We introduce canonical correlation forests (CCFs), a new decision tree
ensemble method for classification and regression. Individual canonical
correlation trees are binary decision trees with hyperplane splits based on
local canonical correlation coefficients calculated during training. Unlike
axis-aligned alternatives, the decision surfaces of CCFs are not restricted to
the coordinate system of the inputs features and therefore more naturally
represent data with correlated inputs. CCFs naturally accommodate multiple
outputs, provide a similar computational complexity to random forests, and
inherit their impressive robustness to the choice of input parameters. As part
of the CCF training algorithm, we also introduce projection bootstrapping, a
novel alternative to bagging for oblique decision tree ensembles which
maintains use of the full dataset in selecting split points, often leading to
improvements in predictive accuracy. Our experiments show that, even without
parameter tuning, CCFs out-perform axis-aligned random forests and other
state-of-the-art tree ensemble methods on both classification and regression
problems, delivering both improved predictive accuracy and faster training
times. We further show that they outperform all of the 179 classifiers
considered in a recent extensive survey.
|
AMP: a new time-frequency feature extraction method for intermittent
time-series data | The characterisation of time-series data via their most salient features is
extremely important in a range of machine learning task, not least of all with
regards to classification and clustering. While there exist many feature
extraction techniques suitable for non-intermittent time-series data, these
approaches are not always appropriate for intermittent time-series data, where
intermittency is characterized by constant values for large periods of time
punctuated by sharp and transient increases or decreases in value.
Motivated by this, we present aggregation, mode decomposition and projection
(AMP) a feature extraction technique particularly suited to intermittent
time-series data which contain time-frequency patterns. For our method all
individual time-series within a set are combined to form a non-intermittent
aggregate. This is decomposed into a set of components which represent the
intrinsic time-frequency signals within the data set. Individual time-series
can then be fit to these components to obtain a set of numerical features that
represent their intrinsic time-frequency patterns. To demonstrate the
effectiveness of AMP, we evaluate against the real word task of clustering
intermittent time-series data. Using synthetically generated data we show that
a clustering approach which uses the features derived from AMP significantly
outperforms traditional clustering methods. Our technique is further
exemplified on a real world data set where AMP can be used to discover
groupings of individuals which correspond to real world sub-populations.
|
On the Minimax Risk of Dictionary Learning | We consider the problem of learning a dictionary matrix from a number of
observed signals, which are assumed to be generated via a linear model with a
common underlying dictionary. In particular, we derive lower bounds on the
minimum achievable worst case mean squared error (MSE), regardless of
computational complexity of the dictionary learning (DL) schemes. By casting DL
as a classical (or frequentist) estimation problem, the lower bounds on the
worst case MSE are derived by following an established information-theoretic
approach to minimax estimation. The main conceptual contribution of this paper
is the adaption of the information-theoretic approach to minimax estimation for
the DL problem in order to derive lower bounds on the worst case MSE of any DL
scheme. We derive three different lower bounds applying to different generative
models for the observed signals. The first bound applies to a wide range of
models, it only requires the existence of a covariance matrix of the (unknown)
underlying coefficient vector. By specializing this bound to the case of sparse
coefficient distributions, and assuming the true dictionary satisfies the
restricted isometry property, we obtain a lower bound on the worst case MSE of
DL schemes in terms of a signal to noise ratio (SNR). The third bound applies
to a more restrictive subclass of coefficient distributions by requiring the
non-zero coefficients to be Gaussian. While, compared with the previous two
bounds, the applicability of this final bound is the most limited it is the
tightest of the three bounds in the low SNR regime.
|
Clustering Tree-structured Data on Manifold | Tree-structured data usually contain both topological and geometrical
information, and are necessarily considered on manifold instead of Euclidean
space for appropriate data parameterization and analysis. In this study, we
propose a novel tree-structured data parameterization, called
Topology-Attribute matrix (T-A matrix), so the data clustering task can be
conducted on matrix manifold. We incorporate the structure constraints embedded
in data into the negative matrix factorization method to determine meta-trees
from the T-A matrix, and the signature vector of each single tree can then be
extracted by meta-tree decomposition. The meta-tree space turns out to be a
cone space, in which we explore the distance metric and implement the
clustering algorithm based on the concepts like Fr\'echet mean. Finally, the
T-A matrix based clustering (TAMBAC) framework is evaluated and compared using
both simulated data and real retinal images to illustrate its efficiency and
accuracy.
|
Building a Large-scale Multimodal Knowledge Base System for Answering
Visual Queries | The complexity of the visual world creates significant challenges for
comprehensive visual understanding. In spite of recent successes in visual
recognition, today's vision systems would still struggle to deal with visual
queries that require a deeper reasoning. We propose a knowledge base (KB)
framework to handle an assortment of visual queries, without the need to train
new classifiers for new tasks. Building such a large-scale multimodal KB
presents a major challenge of scalability. We cast a large-scale MRF into a KB
representation, incorporating visual, textual and structured data, as well as
their diverse relations. We introduce a scalable knowledge base construction
system that is capable of building a KB with half billion variables and
millions of parameters in a few hours. Our system achieves competitive results
compared to purpose-built models on standard recognition and retrieval tasks,
while exhibiting greater flexibility in answering richer visual queries.
|
Compression of Fully-Connected Layer in Neural Network by Kronecker
Product | In this paper we propose and study a technique to reduce the number of
parameters and computation time in fully-connected layers of neural networks
using Kronecker product, at a mild cost of the prediction quality. The
technique proceeds by replacing Fully-Connected layers with so-called Kronecker
Fully-Connected layers, where the weight matrices of the FC layers are
approximated by linear combinations of multiple Kronecker products of smaller
matrices. In particular, given a model trained on SVHN dataset, we are able to
construct a new KFC model with 73\% reduction in total number of parameters,
while the error only rises mildly. In contrast, using low-rank method can only
achieve 35\% reduction in total number of parameters given similar quality
degradation allowance. If we only compare the KFC layer with its counterpart
fully-connected layer, the reduction in the number of parameters exceeds 99\%.
The amount of computation is also reduced as we replace matrix product of the
large matrices in FC layers with matrix products of a few smaller matrices in
KFC layers. Further experiments on MNIST, SVHN and some Chinese Character
recognition models also demonstrate effectiveness of our technique.
|
Bandit-Based Task Assignment for Heterogeneous Crowdsourcing | We consider a task assignment problem in crowdsourcing, which is aimed at
collecting as many reliable labels as possible within a limited budget. A
challenge in this scenario is how to cope with the diversity of tasks and the
task-dependent reliability of workers, e.g., a worker may be good at
recognizing the name of sports teams, but not be familiar with cosmetics
brands. We refer to this practical setting as heterogeneous crowdsourcing. In
this paper, we propose a contextual bandit formulation for task assignment in
heterogeneous crowdsourcing, which is able to deal with the
exploration-exploitation trade-off in worker selection. We also theoretically
investigate the regret bounds for the proposed method, and demonstrate its
practical usefulness experimentally.
|
On Identifying Anomalies in Tor Usage with Applications in Detecting
Internet Censorship | We develop a means to detect ongoing per-country anomalies in the daily usage
metrics of the Tor anonymous communication network, and demonstrate the
applicability of this technique to identifying likely periods of internet
censorship and related events. The presented approach identifies contiguous
anomalous periods, rather than daily spikes or drops, and allows anomalies to
be ranked according to deviation from expected behaviour.
The developed method is implemented as a running tool, with outputs published
daily by mailing list. This list highlights per-country anomalous Tor usage,
and produces a daily ranking of countries according to the level of detected
anomalous behaviour. This list has been active since August 2016, and is in use
by a number of individuals, academics, and NGOs as an early warning system for
potential censorship events.
We focus on Tor, however the presented approach is more generally applicable
to usage data of other services, both individually and in combination. We
demonstrate that combining multiple data sources allows more specific
identification of likely Tor blocking events. We demonstrate the our approach
in comparison to existing anomaly detection tools, and against both known
historical internet censorship events and synthetic datasets. Finally, we
detail a number of significant recent anomalous events and behaviours
identified by our tool.
|
A study of the classification of low-dimensional data with supervised
manifold learning | Supervised manifold learning methods learn data representations by preserving
the geometric structure of data while enhancing the separation between data
samples from different classes. In this work, we propose a theoretical study of
supervised manifold learning for classification. We consider nonlinear
dimensionality reduction algorithms that yield linearly separable embeddings of
training data and present generalization bounds for this type of algorithms. A
necessary condition for satisfactory generalization performance is that the
embedding allow the construction of a sufficiently regular interpolation
function in relation with the separation margin of the embedding. We show that
for supervised embeddings satisfying this condition, the classification error
decays at an exponential rate with the number of training samples. Finally, we
examine the separability of supervised nonlinear embeddings that aim to
preserve the low-dimensional geometric structure of data based on graph
representations. The proposed analysis is supported by experiments on several
real data sets.
|
Clustering is Efficient for Approximate Maximum Inner Product Search | Efficient Maximum Inner Product Search (MIPS) is an important task that has a
wide applicability in recommendation systems and classification with a large
number of classes. Solutions based on locality-sensitive hashing (LSH) as well
as tree-based solutions have been investigated in the recent literature, to
perform approximate MIPS in sublinear time. In this paper, we compare these to
another extremely simple approach for solving approximate MIPS, based on
variants of the k-means clustering algorithm. Specifically, we propose to train
a spherical k-means, after having reduced the MIPS problem to a Maximum Cosine
Similarity Search (MCSS). Experiments on two standard recommendation system
benchmarks as well as on large vocabulary word embeddings, show that this
simple approach yields much higher speedups, for the same retrieval precision,
than current state-of-the-art hashing-based and tree-based methods. This simple
method also yields more robust retrievals when the query is corrupted by noise.
|
On the Worst-Case Approximability of Sparse PCA | It is well known that Sparse PCA (Sparse Principal Component Analysis) is
NP-hard to solve exactly on worst-case instances. What is the complexity of
solving Sparse PCA approximately? Our contributions include: 1) a simple and
efficient algorithm that achieves an $n^{-1/3}$-approximation; 2) NP-hardness
of approximation to within $(1-\varepsilon)$, for some small constant
$\varepsilon > 0$; 3) SSE-hardness of approximation to within any constant
factor; and 4) an $\exp\exp\left(\Omega\left(\sqrt{\log \log n}\right)\right)$
("quasi-quasi-polynomial") gap for the standard semidefinite program.
|
Optimal Testing for Properties of Distributions | Given samples from an unknown distribution $p$, is it possible to distinguish
whether $p$ belongs to some class of distributions $\mathcal{C}$ versus $p$
being far from every distribution in $\mathcal{C}$? This fundamental question
has received tremendous attention in statistics, focusing primarily on
asymptotic analysis, and more recently in information theory and theoretical
computer science, where the emphasis has been on small sample size and
computational complexity. Nevertheless, even for basic properties of
distributions such as monotonicity, log-concavity, unimodality, independence,
and monotone-hazard rate, the optimal sample complexity is unknown.
We provide a general approach via which we obtain sample-optimal and
computationally efficient testers for all these distribution families. At the
core of our approach is an algorithm which solves the following problem: Given
samples from an unknown distribution $p$, and a known distribution $q$, are $p$
and $q$ close in $\chi^2$-distance, or far in total variation distance?
The optimality of our testers is established by providing matching lower
bounds with respect to both $n$ and $\varepsilon$. Finally, a necessary
building block for our testers and an important byproduct of our work are the
first known computationally efficient proper learners for discrete log-concave
and monotone hazard rate distributions.
|
Practical Selection of SVM Supervised Parameters with Different Feature
Representations for Vowel Recognition | It is known that the classification performance of Support Vector Machine
(SVM) can be conveniently affected by the different parameters of the kernel
tricks and the regularization parameter, C. Thus, in this article, we propose a
study in order to find the suitable kernel with which SVM may achieve good
generalization performance as well as the parameters to use. We need to analyze
the behavior of the SVM classifier when these parameters take very small or
very large values. The study is conducted for a multi-class vowel recognition
using the TIMIT corpus. Furthermore, for the experiments, we used different
feature representations such as MFCC and PLP. Finally, a comparative study was
done to point out the impact of the choice of the parameters, kernel trick and
feature representations on the performance of the SVM classifier
|
An Empirical Comparison of SVM and Some Supervised Learning Algorithms
for Vowel recognition | In this article, we conduct a study on the performance of some supervised
learning algorithms for vowel recognition. This study aims to compare the
accuracy of each algorithm. Thus, we present an empirical comparison between
five supervised learning classifiers and two combined classifiers: SVM, KNN,
Naive Bayes, Quadratic Bayes Normal (QDC) and Nearst Mean. Those algorithms
were tested for vowel recognition using TIMIT Corpus and Mel-frequency cepstral
coefficients (MFCCs).
|
Robust speech recognition using consensus function based on multi-layer
networks | The clustering ensembles mingle numerous partitions of a specified data into
a single clustering solution. Clustering ensemble has emerged as a potent
approach for ameliorating both the forcefulness and the stability of
unsupervised classification results. One of the major problems in clustering
ensembles is to find the best consensus function. Finding final partition from
different clustering results requires skillfulness and robustness of the
classification algorithm. In addition, the major problem with the consensus
function is its sensitivity to the used data sets quality. This limitation is
due to the existence of noisy, silence or redundant data. This paper proposes a
novel consensus function of cluster ensembles based on Multilayer networks
technique and a maintenance database method. This maintenance database approach
is used in order to handle any given noisy speech and, thus, to guarantee the
quality of databases. This can generates good results and efficient data
partitions. To show its effectiveness, we support our strategy with empirical
evaluation using distorted speech from Aurora speech databases.
|
Incorporating Belief Function in SVM for Phoneme Recognition | The Support Vector Machine (SVM) method has been widely used in numerous
classification tasks. The main idea of this algorithm is based on the principle
of the margin maximization to find an hyperplane which separates the data into
two different classes.In this paper, SVM is applied to phoneme recognition
task. However, in many real-world problems, each phoneme in the data set for
recognition problems may differ in the degree of significance due to noise,
inaccuracies, or abnormal characteristics; All those problems can lead to the
inaccuracies in the prediction phase. Unfortunately, the standard formulation
of SVM does not take into account all those problems and, in particular, the
variation in the speech input. This paper presents a new formulation of SVM
(B-SVM) that attributes to each phoneme a confidence degree computed based on
its geometric position in the space. Then, this degree is used in order to
strengthen the class membership of the tested phoneme. Hence, we introduce a
reformulation of the standard SVM that incorporates the degree of belief.
Experimental performance on TIMIT database shows the effectiveness of the
proposed method B-SVM on a phoneme recognition problem.
|
The challenges of SVM optimization using Adaboost on a phoneme
recognition problem | The use of digital technology is growing at a very fast pace which led to the
emergence of systems based on the cognitive infocommunications. The expansion
of this sector impose the use of combining methods in order to ensure the
robustness in cognitive systems.
|
MixEst: An Estimation Toolbox for Mixture Models | Mixture models are powerful statistical models used in many applications
ranging from density estimation to clustering and classification. When dealing
with mixture models, there are many issues that the experimenter should be
aware of and needs to solve. The MixEst toolbox is a powerful and user-friendly
package for MATLAB that implements several state-of-the-art approaches to
address these problems. Additionally, MixEst gives the possibility of using
manifold optimization for fitting the density model, a feature specific to this
toolbox. MixEst simplifies using and integration of mixture models in
statistical models and applications. For developing mixture models of new
densities, the user just needs to provide a few functions for that statistical
distribution and the toolbox takes care of all the issues regarding mixture
models. MixEst is available at visionlab.ut.ac.ir/mixest and is fully
documented and is licensed under GPL.
|
Banzhaf Random Forests | Random forests are a type of ensemble method which makes predictions by
combining the results of several independent trees. However, the theory of
random forests has long been outpaced by their application. In this paper, we
propose a novel random forests algorithm based on cooperative game theory.
Banzhaf power index is employed to evaluate the power of each feature by
traversing possible feature coalitions. Unlike the previously used information
gain rate of information theory, which simply chooses the most informative
feature, the Banzhaf power index can be considered as a metric of the
importance of each feature on the dependency among a group of features. More
importantly, we have proved the consistency of the proposed algorithm, named
Banzhaf random forests (BRF). This theoretical analysis takes a step towards
narrowing the gap between the theory and practice of random forests for
classification problems. Experiments on several UCI benchmark data sets show
that BRF is competitive with state-of-the-art classifiers and dramatically
outperforms previous consistent random forests. Particularly, it is much more
efficient than previous consistent random forests.
|
Training Very Deep Networks | Theoretical and empirical evidence indicates that the depth of neural
networks is crucial for their success. However, training becomes more difficult
as depth increases, and training of very deep networks remains an open problem.
Here we introduce a new architecture designed to overcome this. Our so-called
highway networks allow unimpeded information flow across many layers on
information highways. They are inspired by Long Short-Term Memory recurrent
networks and use adaptive gating units to regulate the information flow. Even
with hundreds of layers, highway networks can be trained directly through
simple gradient descent. This enables the study of extremely deep and efficient
architectures.
|
Evaluation of Spectral Learning for the Identification of Hidden Markov
Models | Hidden Markov models have successfully been applied as models of discrete
time series in many fields. Often, when applied in practice, the parameters of
these models have to be estimated. The currently predominating identification
methods, such as maximum-likelihood estimation and especially
expectation-maximization, are iterative and prone to have problems with local
minima. A non-iterative method employing a spectral subspace-like approach has
recently been proposed in the machine learning literature. This paper evaluates
the performance of this algorithm, and compares it to the performance of the
expectation-maximization algorithm, on a number of numerical examples. We find
that the performance is mixed; it successfully identifies some systems with
relatively few available observations, but fails completely for some systems
even when a large amount of observations is available. An open question is how
this discrepancy can be explained. We provide some indications that it could be
related to how well-conditioned some system parameters are.
|
Sum-of-Squares Lower Bounds for Sparse PCA | This paper establishes a statistical versus computational trade-off for
solving a basic high-dimensional machine learning problem via a basic convex
relaxation method. Specifically, we consider the {\em Sparse Principal
Component Analysis} (Sparse PCA) problem, and the family of {\em
Sum-of-Squares} (SoS, aka Lasserre/Parillo) convex relaxations. It was well
known that in large dimension $p$, a planted $k$-sparse unit vector can be {\em
in principle} detected using only $n \approx k\log p$ (Gaussian or Bernoulli)
samples, but all {\em efficient} (polynomial time) algorithms known require $n
\approx k^2$ samples. It was also known that this quadratic gap cannot be
improved by the the most basic {\em semi-definite} (SDP, aka spectral)
relaxation, equivalent to a degree-2 SoS algorithms. Here we prove that also
degree-4 SoS algorithms cannot improve this quadratic gap. This average-case
lower bound adds to the small collection of hardness results in machine
learning for this powerful family of convex relaxation algorithms. Moreover,
our design of moments (or "pseudo-expectations") for this lower bound is quite
different than previous lower bounds. Establishing lower bounds for higher
degree SoS algorithms for remains a challenging problem.
|
Dynamic Matrix Factorization with Priors on Unknown Values | Advanced and effective collaborative filtering methods based on explicit
feedback assume that unknown ratings do not follow the same model as the
observed ones (\emph{not missing at random}). In this work, we build on this
assumption, and introduce a novel dynamic matrix factorization framework that
allows to set an explicit prior on unknown values. When new ratings, users, or
items enter the system, we can update the factorization in time independent of
the size of data (number of users, items and ratings). Hence, we can quickly
recommend items even to very recent users. We test our methods on three large
datasets, including two very sparse ones, in static and dynamic conditions. In
each case, we outrank state-of-the-art matrix factorization methods that do not
use a prior on unknown ratings.
|
Deep Recurrent Q-Learning for Partially Observable MDPs | Deep Reinforcement Learning has yielded proficient controllers for complex
tasks. However, these controllers have limited memory and rely on being able to
perceive the complete game screen at each decision point. To address these
shortcomings, this article investigates the effects of adding recurrency to a
Deep Q-Network (DQN) by replacing the first post-convolutional fully-connected
layer with a recurrent LSTM. The resulting \textit{Deep Recurrent Q-Network}
(DRQN), although capable of seeing only a single frame at each timestep,
successfully integrates information through time and replicates DQN's
performance on standard Atari games and partially observed equivalents
featuring flickering game screens. Additionally, when trained with partial
observations and evaluated with incrementally more complete observations,
DRQN's performance scales as a function of observability. Conversely, when
trained with full observations and evaluated with partial observations, DRQN's
performance degrades less than DQN's. Thus, given the same length of history,
recurrency is a viable alternative to stacking a history of frames in the DQN's
input layer and while recurrency confers no systematic advantage when learning
to play the game, the recurrent net can better adapt at evaluation time if the
quality of observations changes.
|
Manitest: Are classifiers really invariant? | Invariance to geometric transformations is a highly desirable property of
automatic classifiers in many image recognition tasks. Nevertheless, it is
unclear to which extent state-of-the-art classifiers are invariant to basic
transformations such as rotations and translations. This is mainly due to the
lack of general methods that properly measure such an invariance. In this
paper, we propose a rigorous and systematic approach for quantifying the
invariance to geometric transformations of any classifier. Our key idea is to
cast the problem of assessing a classifier's invariance as the computation of
geodesics along the manifold of transformed images. We propose the Manitest
method, built on the efficient Fast Marching algorithm to compute the
invariance of classifiers. Our new method quantifies in particular the
importance of data augmentation for learning invariance from data, and the
increased invariance of convolutional neural networks with depth. We foresee
that the proposed generic tool for measuring invariance to a large class of
geometric transformations and arbitrary classifiers will have many applications
for evaluating and comparing classifiers based on their invariance, and help
improving the invariance of existing classifiers.
|
Human Pose Estimation with Iterative Error Feedback | Hierarchical feature extractors such as Convolutional Networks (ConvNets)
have achieved impressive performance on a variety of classification tasks using
purely feedforward processing. Feedforward architectures can learn rich
representations of the input space but do not explicitly model dependencies in
the output spaces, that are quite structured for tasks such as articulated
human pose estimation or object segmentation. Here we propose a framework that
expands the expressive power of hierarchical feature extractors to encompass
both input and output spaces, by introducing top-down feedback. Instead of
directly predicting the outputs in one go, we use a self-correcting model that
progressively changes an initial solution by feeding back error predictions, in
a process we call Iterative Error Feedback (IEF). IEF shows excellent
performance on the task of articulated pose estimation in the challenging MPII
and LSP benchmarks, matching the state-of-the-art without requiring ground
truth scale annotation.
|
Multi-scale exploration of convex functions and bandit convex
optimization | We construct a new map from a convex function to a distribution on its
domain, with the property that this distribution is a multi-scale exploration
of the function. We use this map to solve a decade-old open problem in
adversarial bandit convex optimization by showing that the minimax regret for
this problem is $\tilde{O}(\mathrm{poly}(n) \sqrt{T})$, where $n$ is the
dimension and $T$ the number of rounds. This bound is obtained by studying the
dual Bayesian maximin regret via the information ratio analysis of Russo and
Van Roy, and then using the multi-scale exploration to solve the Bayesian
problem.
|
Supervised Collective Classification for Crowdsourcing | Crowdsourcing utilizes the wisdom of crowds for collective classification via
information (e.g., labels of an item) provided by labelers. Current
crowdsourcing algorithms are mainly unsupervised methods that are unaware of
the quality of crowdsourced data. In this paper, we propose a supervised
collective classification algorithm that aims to identify reliable labelers
from the training data (e.g., items with known labels). The reliability (i.e.,
weighting factor) of each labeler is determined via a saddle point algorithm.
The results on several crowdsourced data show that supervised methods can
achieve better classification accuracy than unsupervised methods, and our
proposed method outperforms other algorithms.
|
Linear Contextual Bandits with Knapsacks | We consider the linear contextual bandit problem with resource consumption,
in addition to reward generation. In each round, the outcome of pulling an arm
is a reward as well as a vector of resource consumptions. The expected values
of these outcomes depend linearly on the context of that arm. The
budget/capacity constraints require that the total consumption doesn't exceed
the budget for each resource. The objective is once again to maximize the total
reward. This problem turns out to be a common generalization of classic linear
contextual bandits (linContextual), bandits with knapsacks (BwK), and the
online stochastic packing problem (OSPP). We present algorithms with
near-optimal regret bounds for this problem. Our bounds compare favorably to
results on the unstructured version of the problem where the relation between
the contexts and the outcomes could be arbitrary, but the algorithm only
competes against a fixed set of policies accessible through an optimization
oracle. We combine techniques from the work on linContextual, BwK, and OSPP in
a nontrivial manner while also tackling new difficulties that are not present
in any of these special cases.
|
Differentially Private Analysis of Outliers | This paper investigates differentially private analysis of distance-based
outliers. The problem of outlier detection is to find a small number of
instances that are apparently distant from the remaining instances. On the
other hand, the objective of differential privacy is to conceal presence (or
absence) of any particular instance. Outlier detection and privacy protection
are thus intrinsically conflicting tasks. In this paper, instead of reporting
outliers detected, we present two types of differentially private queries that
help to understand behavior of outliers. One is the query to count outliers,
which reports the number of outliers that appear in a given subspace. Our
formal analysis on the exact global sensitivity of outlier counts reveals that
regular global sensitivity based method can make the outputs too noisy,
particularly when the dimensionality of the given subspace is high. Noting that
the counts of outliers are typically expected to be relatively small compared
to the number of data, we introduce a mechanism based on the smooth upper bound
of the local sensitivity. The other is the query to discovery top-$h$ subspaces
containing a large number of outliers. This task can be naively achieved by
issuing count queries to each subspace in turn. However, the variation of
subspaces can grow exponentially in the data dimensionality. This can cause
serious consumption of the privacy budget. For this task, we propose an
exponential mechanism with a customized score function for subspace discovery.
To the best of our knowledge, this study is the first trial to ensure
differential privacy for distance-based outlier analysis. We demonstrated our
methods with synthesized datasets and real datasets. The experimental results
show that out method achieve better utility compared to the global sensitivity
based methods.
|
Implicitly Constrained Semi-Supervised Least Squares Classification | We introduce a novel semi-supervised version of the least squares classifier.
This implicitly constrained least squares (ICLS) classifier minimizes the
squared loss on the labeled data among the set of parameters implied by all
possible labelings of the unlabeled data. Unlike other discriminative
semi-supervised methods, our approach does not introduce explicit additional
assumptions into the objective function, but leverages implicit assumptions
already present in the choice of the supervised least squares classifier. We
show this approach can be formulated as a quadratic programming problem and its
solution can be found using a simple gradient descent procedure. We prove that,
in a certain way, our method never leads to performance worse than the
supervised classifier. Experimental results corroborate this theoretical result
in the multidimensional case on benchmark datasets, also in terms of the error
rate.
|
A Neighbourhood-Based Stopping Criterion for Contrastive Divergence
Learning | Restricted Boltzmann Machines (RBMs) are general unsupervised learning
devices to ascertain generative models of data distributions. RBMs are often
trained using the Contrastive Divergence learning algorithm (CD), an
approximation to the gradient of the data log-likelihood. A simple
reconstruction error is often used as a stopping criterion for CD, although
several authors
\cite{schulz-et-al-Convergence-Contrastive-Divergence-2010-NIPSw,
fischer-igel-Divergence-Contrastive-Divergence-2010-ICANN} have raised doubts
concerning the feasibility of this procedure. In many cases the evolution curve
of the reconstruction error is monotonic while the log-likelihood is not, thus
indicating that the former is not a good estimator of the optimal stopping
point for learning. However, not many alternatives to the reconstruction error
have been discussed in the literature. In this manuscript we investigate simple
alternatives to the reconstruction error, based on the inclusion of information
contained in neighboring states to the training set, as a stopping criterion
for CD learning.
|
Multimodal Deep Learning for Robust RGB-D Object Recognition | Robust object recognition is a crucial ingredient of many, if not all,
real-world robotics applications. This paper leverages recent progress on
Convolutional Neural Networks (CNNs) and proposes a novel RGB-D architecture
for object recognition. Our architecture is composed of two separate CNN
processing streams - one for each modality - which are consecutively combined
with a late fusion network. We focus on learning with imperfect sensor data, a
typical problem in real-world robotics tasks. For accurate learning, we
introduce a multi-stage training methodology and two crucial ingredients for
handling depth data with CNNs. The first, an effective encoding of depth
information for CNNs that enables learning without the need for large depth
datasets. The second, a data augmentation scheme for robust learning with depth
images by corrupting them with realistic noise patterns. We present
state-of-the-art results on the RGB-D object dataset and show recognition in
challenging RGB-D real-world noisy settings.
|
The Polylingual Labeled Topic Model | In this paper, we present the Polylingual Labeled Topic Model, a model which
combines the characteristics of the existing Polylingual Topic Model and
Labeled LDA. The model accounts for multiple languages with separate topic
distributions for each language while restricting the permitted topics of a
document to a set of predefined labels. We explore the properties of the model
in a two-language setting on a dataset from the social science domain. Our
experiments show that our model outperforms LDA and Labeled LDA in terms of
their held-out perplexity and that it produces semantically coherent topics
which are well interpretable by human subjects.
|
A Reinforcement Learning Approach to Online Learning of Decision Trees | Online decision tree learning algorithms typically examine all features of a
new data point to update model parameters. We propose a novel alternative,
Reinforcement Learning- based Decision Trees (RLDT), that uses Reinforcement
Learning (RL) to actively examine a minimal number of features of a data point
to classify it with high accuracy. Furthermore, RLDT optimizes a long term
return, providing a better alternative to the traditional myopic greedy
approach to growing decision trees. We demonstrate that this approach performs
as well as batch learning algorithms and other online decision tree learning
algorithms, while making significantly fewer queries about the features of the
data points. We also show that RLDT can effectively handle concept drift.
|
Fast and Accurate Recurrent Neural Network Acoustic Models for Speech
Recognition | We have recently shown that deep Long Short-Term Memory (LSTM) recurrent
neural networks (RNNs) outperform feed forward deep neural networks (DNNs) as
acoustic models for speech recognition. More recently, we have shown that the
performance of sequence trained context dependent (CD) hidden Markov model
(HMM) acoustic models using such LSTM RNNs can be equaled by sequence trained
phone models initialized with connectionist temporal classification (CTC). In
this paper, we present techniques that further improve performance of LSTM RNN
acoustic models for large vocabulary speech recognition. We show that frame
stacking and reduced frame rate lead to more accurate models and faster
decoding. CD phone modeling leads to further improvements. We also present
initial results for LSTM RNN models outputting words directly.
|
Perturbed Iterate Analysis for Asynchronous Stochastic Optimization | We introduce and analyze stochastic optimization methods where the input to
each gradient update is perturbed by bounded noise. We show that this framework
forms the basis of a unified approach to analyze asynchronous implementations
of stochastic optimization algorithms.In this framework, asynchronous
stochastic optimization algorithms can be thought of as serial methods
operating on noisy inputs. Using our perturbed iterate framework, we provide
new analyses of the Hogwild! algorithm and asynchronous stochastic coordinate
descent, that are simpler than earlier analyses, remove many assumptions of
previous models, and in some cases yield improved upper bounds on the
convergence rates. We proceed to apply our framework to develop and analyze
KroMagnon: a novel, parallel, sparse stochastic variance-reduced gradient
(SVRG) algorithm. We demonstrate experimentally on a 16-core machine that the
sparse and parallel version of SVRG is in some cases more than four orders of
magnitude faster than the standard SVRG algorithm.
|
Dimensionality-reduced subspace clustering | Subspace clustering refers to the problem of clustering unlabeled
high-dimensional data points into a union of low-dimensional linear subspaces,
whose number, orientations, and dimensions are all unknown. In practice one may
have access to dimensionality-reduced observations of the data only, resulting,
e.g., from undersampling due to complexity and speed constraints on the
acquisition device or mechanism. More pertinently, even if the high-dimensional
data set is available it is often desirable to first project the data points
into a lower-dimensional space and to perform clustering there; this reduces
storage requirements and computational cost. The purpose of this paper is to
quantify the impact of dimensionality reduction through random projection on
the performance of three subspace clustering algorithms, all of which are based
on principles from sparse signal recovery. Specifically, we analyze the
thresholding based subspace clustering (TSC) algorithm, the sparse subspace
clustering (SSC) algorithm, and an orthogonal matching pursuit variant thereof
(SSC-OMP). We find, for all three algorithms, that dimensionality reduction
down to the order of the subspace dimensions is possible without incurring
significant performance degradation. Moreover, these results are order-wise
optimal in the sense that reducing the dimensionality further leads to a
fundamentally ill-posed clustering problem. Our findings carry over to the
noisy case as illustrated through analytical results for TSC and simulations
for SSC and SSC-OMP. Extensive experiments on synthetic and real data
complement our theoretical findings.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.