title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Constrained Extreme Learning Machines: A Study on Classification Cases | Extreme learning machine (ELM) is an extremely fast learning method and has a
powerful performance for pattern recognition tasks proven by enormous
researches and engineers. However, its good generalization ability is built on
large numbers of hidden neurons, which is not beneficial to real time response
in the test process. In this paper, we proposed new ways, named "constrained
extreme learning machines" (CELMs), to randomly select hidden neurons based on
sample distribution. Compared to completely random selection of hidden nodes in
ELM, the CELMs randomly select hidden nodes from the constrained vector space
containing some basic combinations of original sample vectors. The experimental
results show that the CELMs have better generalization ability than traditional
ELM, SVM and some other related methods. Additionally, the CELMs have a similar
fast learning speed as ELM.
|
Randomized sketches for kernels: Fast and optimal non-parametric
regression | Kernel ridge regression (KRR) is a standard method for performing
non-parametric regression over reproducing kernel Hilbert spaces. Given $n$
samples, the time and space complexity of computing the KRR estimate scale as
$\mathcal{O}(n^3)$ and $\mathcal{O}(n^2)$ respectively, and so is prohibitive
in many cases. We propose approximations of KRR based on $m$-dimensional
randomized sketches of the kernel matrix, and study how small the projection
dimension $m$ can be chosen while still preserving minimax optimality of the
approximate KRR estimate. For various classes of randomized sketches, including
those based on Gaussian and randomized Hadamard matrices, we prove that it
suffices to choose the sketch dimension $m$ proportional to the statistical
dimension (modulo logarithmic factors). Thus, we obtain fast and minimax
optimal approximations to the KRR estimate for non-parametric regression.
|
Robust Subjective Visual Property Prediction from Crowdsourced Pairwise
Labels | The problem of estimating subjective visual properties from image and video
has attracted increasing interest. A subjective visual property is useful
either on its own (e.g. image and video interestingness) or as an intermediate
representation for visual recognition (e.g. a relative attribute). Due to its
ambiguous nature, annotating the value of a subjective visual property for
learning a prediction model is challenging. To make the annotation more
reliable, recent studies employ crowdsourcing tools to collect pairwise
comparison labels because human annotators are much better at ranking two
images/videos (e.g. which one is more interesting) than giving an absolute
value to each of them separately. However, using crowdsourced data also
introduces outliers. Existing methods rely on majority voting to prune the
annotation outliers/errors. They thus require large amount of pairwise labels
to be collected. More importantly as a local outlier detection method, majority
voting is ineffective in identifying outliers that can cause global ranking
inconsistencies. In this paper, we propose a more principled way to identify
annotation outliers by formulating the subjective visual property prediction
task as a unified robust learning to rank problem, tackling both the outlier
detection and learning to rank jointly. Differing from existing methods, the
proposed method integrates local pairwise comparison labels together to
minimise a cost that corresponds to global inconsistency of ranking order. This
not only leads to better detection of annotation outliers but also enables
learning with extremely sparse annotations. Extensive experiments on various
benchmark datasets demonstrate that our new approach significantly outperforms
state-of-the-arts alternatives.
|
Online Optimization : Competing with Dynamic Comparators | Recent literature on online learning has focused on developing adaptive
algorithms that take advantage of a regularity of the sequence of observations,
yet retain worst-case performance guarantees. A complementary direction is to
develop prediction methods that perform well against complex benchmarks. In
this paper, we address these two directions together. We present a fully
adaptive method that competes with dynamic benchmarks in which regret guarantee
scales with regularity of the sequence of cost functions and comparators.
Notably, the regret bound adapts to the smaller complexity measure in the
problem environment. Finally, we apply our results to drifting zero-sum,
two-player games where both players achieve no regret guarantees against best
sequences of actions in hindsight.
|
Deep Transductive Semi-supervised Maximum Margin Clustering | Semi-supervised clustering is an very important topic in machine learning and
computer vision. The key challenge of this problem is how to learn a metric,
such that the instances sharing the same label are more likely close to each
other on the embedded space. However, little attention has been paid to learn
better representations when the data lie on non-linear manifold. Fortunately,
deep learning has led to great success on feature learning recently. Inspired
by the advances of deep learning, we propose a deep transductive
semi-supervised maximum margin clustering approach. More specifically, given
pairwise constraints, we exploit both labeled and unlabeled data to learn a
non-linear mapping under maximum margin framework for clustering analysis.
Thus, our model unifies transductive learning, feature learning and maximum
margin techniques in the semi-supervised clustering framework. We pretrain the
deep network structure with restricted Boltzmann machines (RBMs) layer by layer
greedily, and optimize our objective function with gradient descent. By
checking the most violated constraints, our approach updates the model
parameters through error backpropagation, in which deep features are learned
automatically. The experimental results shows that our model is significantly
better than the state of the art on semi-supervised clustering.
|
Sequential Sensing with Model Mismatch | We characterize the performance of sequential information guided sensing,
Info-Greedy Sensing, when there is a mismatch between the true signal model and
the assumed model, which may be a sample estimate. In particular, we consider a
setup where the signal is low-rank Gaussian and the measurements are taken in
the directions of eigenvectors of the covariance matrix in a decreasing order
of eigenvalues. We establish a set of performance bounds when a mismatched
covariance matrix is used, in terms of the gap of signal posterior entropy, as
well as the additional amount of power required to achieve the same signal
recovery precision. Based on this, we further study how to choose an
initialization for Info-Greedy Sensing using the sample covariance matrix, or
using an efficient covariance sketching scheme.
|
Poisson Matrix Completion | We extend the theory of matrix completion to the case where we make Poisson
observations for a subset of entries of a low-rank matrix. We consider the
(now) usual matrix recovery formulation through maximum likelihood with proper
constraints on the matrix $M$, and establish theoretical upper and lower bounds
on the recovery error. Our bounds are nearly optimal up to a factor on the
order of $\mathcal{O}(\log(d_1 d_2))$. These bounds are obtained by adapting
the arguments used for one-bit matrix completion \cite{davenport20121}
(although these two problems are different in nature) and the adaptation
requires new techniques exploiting properties of the Poisson likelihood
function and tackling the difficulties posed by the locally sub-Gaussian
characteristic of the Poisson distribution. Our results highlight a few
important distinctions of Poisson matrix completion compared to the prior work
in matrix completion including having to impose a minimum signal-to-noise
requirement on each observed entry. We also develop an efficient iterative
algorithm and demonstrate its good performance in recovering solar flare
images.
|
Deep Semantic Ranking Based Hashing for Multi-Label Image Retrieval | With the rapid growth of web images, hashing has received increasing
interests in large scale image retrieval. Research efforts have been devoted to
learning compact binary codes that preserve semantic similarity based on
labels. However, most of these hashing methods are designed to handle simple
binary similarity. The complex multilevel semantic structure of images
associated with multiple labels have not yet been well explored. Here we
propose a deep semantic ranking based method for learning hash functions that
preserve multilevel semantic similarity between multi-label images. In our
approach, deep convolutional neural network is incorporated into hash functions
to jointly learn feature representations and mappings from them to hash codes,
which avoids the limitation of semantic representation power of hand-crafted
features. Meanwhile, a ranking list that encodes the multilevel similarity
information is employed to guide the learning of such deep hash functions. An
effective scheme based on surrogate loss is used to solve the intractable
optimization problem of nonsmooth and multivariate ranking measures involved in
the learning procedure. Experimental results show the superiority of our
proposed approach over several state-of-the-art hashing methods in term of
ranking evaluation metrics when tested on multi-label image datasets.
|
On a Family of Decomposable Kernels on Sequences | In many applications data is naturally presented in terms of orderings of
some basic elements or symbols. Reasoning about such data requires a notion of
similarity capable of handling sequences of different lengths. In this paper we
describe a family of Mercer kernel functions for such sequentially structured
data. The family is characterized by a decomposable structure in terms of
symbol-level and structure-level similarities, representing a specific
combination of kernels which allows for efficient computation. We provide an
experimental evaluation on sequential classification tasks comparing kernels
from our family of kernels to a state of the art sequence kernel called the
Global Alignment kernel which has been shown to outperform Dynamic Time Warping
|
IT-map: an Effective Nonlinear Dimensionality Reduction Method for
Interactive Clustering | Scientists in many fields have the common and basic need of dimensionality
reduction: visualizing the underlying structure of the massive multivariate
data in a low-dimensional space. However, many dimensionality reduction methods
confront the so-called "crowding problem" that clusters tend to overlap with
each other in the embedding. Previously, researchers expect to avoid that
problem and seek to make clusters maximally separated in the embedding.
However, the proposed in-tree (IT) based method, called IT-map, allows clusters
in the embedding to be locally overlapped, while seeking to make them
distinguishable by some small yet key parts. IT-map provides a simple,
effective and novel solution to cluster-preserving mapping, which makes it
possible to cluster the original data points interactively and thus should be
of general meaning in science and engineering.
|
Compressed Support Vector Machines | Support vector machines (SVM) can classify data sets along highly non-linear
decision boundaries because of the kernel-trick. This expressiveness comes at a
price: During test-time, the SVM classifier needs to compute the kernel
inner-product between a test sample and all support vectors. With large
training data sets, the time required for this computation can be substantial.
In this paper, we introduce a post-processing algorithm, which compresses the
learned SVM model by reducing and optimizing support vectors. We evaluate our
algorithm on several medium-scaled real-world data sets, demonstrating that it
maintains high test accuracy while reducing the test-time evaluation cost by
several orders of magnitude---in some cases from hours to seconds. It is fair
to say that most of the work in this paper was previously been invented by
Burges and Sch\"olkopf almost 20 years ago. For most of the time during which
we conducted this research, we were unaware of this prior work. However, in the
past two decades, computing power has increased drastically, and we can
therefore provide empirical insights that were not possible in their original
paper.
|
Noisy Tensor Completion via the Sum-of-Squares Hierarchy | In the noisy tensor completion problem we observe $m$ entries (whose location
is chosen uniformly at random) from an unknown $n_1 \times n_2 \times n_3$
tensor $T$. We assume that $T$ is entry-wise close to being rank $r$. Our goal
is to fill in its missing entries using as few observations as possible. Let $n
= \max(n_1, n_2, n_3)$. We show that if $m = n^{3/2} r$ then there is a
polynomial time algorithm based on the sixth level of the sum-of-squares
hierarchy for completing it. Our estimate agrees with almost all of $T$'s
entries almost exactly and works even when our observations are corrupted by
noise. This is also the first algorithm for tensor completion that works in the
overcomplete case when $r > n$, and in fact it works all the way up to $r =
n^{3/2-\epsilon}$.
Our proofs are short and simple and are based on establishing a new
connection between noisy tensor completion (through the language of Rademacher
complexity) and the task of refuting random constant satisfaction problems.
This connection seems to have gone unnoticed even in the context of matrix
completion. Furthermore, we use this connection to show matching lower bounds.
Our main technical result is in characterizing the Rademacher complexity of the
sequence of norms that arise in the sum-of-squares relaxations to the tensor
nuclear norm. These results point to an interesting new direction: Can we
explore computational vs. sample complexity tradeoffs through the
sum-of-squares hierarchy?
|
Measuring academic influence: Not all citations are equal | The importance of a research article is routinely measured by counting how
many times it has been cited. However, treating all citations with equal weight
ignores the wide variety of functions that citations perform. We want to
automatically identify the subset of references in a bibliography that have a
central academic influence on the citing paper. For this purpose, we examine
the effectiveness of a variety of features for determining the academic
influence of a citation. By asking authors to identify the key references in
their own work, we created a data set in which citations were labeled according
to their academic influence. Using automatic feature selection with supervised
machine learning, we found a model for predicting academic influence that
achieves good performance on this data set using only four features. The best
features, among those we evaluated, were those based on the number of times a
reference is mentioned in the body of a citing paper. The performance of these
features inspired us to design an influence-primed h-index (the hip-index).
Unlike the conventional h-index, it weights citations by how many times a
reference is mentioned. According to our experiments, the hip-index is a better
indicator of researcher performance than the conventional h-index.
|
Online Nonparametric Regression with General Loss Functions | This paper establishes minimax rates for online regression with arbitrary
classes of functions and general losses. We show that below a certain threshold
for the complexity of the function class, the minimax rates depend on both the
curvature of the loss function and the sequential complexities of the class.
Above this threshold, the curvature of the loss does not affect the rates.
Furthermore, for the case of square loss, our results point to the interesting
phenomenon: whenever sequential and i.i.d. empirical entropies match, the rates
for statistical and online learning are the same.
In addition to the study of minimax regret, we derive a generic forecaster
that enjoys the established optimal rates. We also provide a recipe for
designing online prediction algorithms that can be computationally efficient
for certain problems. We illustrate the techniques by deriving existing and new
forecasters for the case of finite experts and for online linear regression.
|
maxDNN: An Efficient Convolution Kernel for Deep Learning with Maxwell
GPUs | This paper describes maxDNN, a computationally efficient convolution kernel
for deep learning with the NVIDIA Maxwell GPU. maxDNN reaches 96.3%
computational efficiency on typical deep learning network architectures. The
design combines ideas from cuda-convnet2 with the Maxas SGEMM assembly code. We
only address forward propagation (FPROP) operation of the network, but we
believe that the same techniques used here will be effective for backward
propagation (BPROP) as well.
|
Computing Functions of Random Variables via Reproducing Kernel Hilbert
Space Representations | We describe a method to perform functional operations on probability
distributions of random variables. The method uses reproducing kernel Hilbert
space representations of probability distributions, and it is applicable to all
operations which can be applied to points drawn from the respective
distributions. We refer to our approach as {\em kernel probabilistic
programming}. We illustrate it on synthetic data, and show how it can be used
for nonparametric structural equation models, with an application to causal
inference.
|
Novel Approaches for Predicting Risk Factors of Atherosclerosis | Coronary heart disease (CHD) caused by hardening of artery walls due to
cholesterol known as atherosclerosis is responsible for large number of deaths
world-wide. The disease progression is slow, asymptomatic and may lead to
sudden cardiac arrest, stroke or myocardial infraction. Presently, imaging
techniques are being employed to understand the molecular and metabolic
activity of atherosclerotic plaques to estimate the risk. Though imaging
methods are able to provide some information on plaque metabolism they lack the
required resolution and sensitivity for detection. In this paper we consider
the clinical observations and habits of individuals for predicting the risk
factors of CHD. The identification of risk factors helps in stratifying
patients for further intensive tests such as nuclear imaging or coronary
angiography. We present a novel approach for predicting the risk factors of
atherosclerosis with an in-built imputation algorithm and particle swarm
optimization (PSO). We compare the performance of our methodology with other
machine learning techniques on STULONG dataset which is based on longitudinal
study of middle aged individuals lasting for twenty years. Our methodology
powered by PSO search has identified physical inactivity as one of the risk
factor for the onset of atherosclerosis in addition to other already known
factors. The decision rules extracted by our methodology are able to predict
the risk factors with an accuracy of $99.73%$ which is higher than the
accuracies obtained by application of the state-of-the-art machine learning
techniques presently being employed in the identification of atherosclerosis
risk studies.
|
A Neural Network Anomaly Detector Using the Random Cluster Model | The random cluster model is used to define an upper bound on a distance
measure as a function of the number of data points to be classified and the
expected value of the number of classes to form in a hybrid K-means and
regression classification methodology, with the intent of detecting anomalies.
Conditions are given for the identification of classes which contain anomalies
and individual anomalies within identified classes. A neural network model
describes the decision region-separating surface for offline storage and recall
in any new anomaly detection.
|
Escaping the Local Minima via Simulated Annealing: Optimization of
Approximately Convex Functions | We consider the problem of optimizing an approximately convex function over a
bounded convex set in $\mathbb{R}^n$ using only function evaluations. The
problem is reduced to sampling from an \emph{approximately} log-concave
distribution using the Hit-and-Run method, which is shown to have the same
$\mathcal{O}^*$ complexity as sampling from log-concave distributions. In
addition to extend the analysis for log-concave distributions to approximate
log-concave distributions, the implementation of the 1-dimensional sampler of
the Hit-and-Run walk requires new methods and analysis. The algorithm then is
based on simulated annealing which does not relies on first order conditions
which makes it essentially immune to local minima.
We then apply the method to different motivating problems. In the context of
zeroth order stochastic convex optimization, the proposed method produces an
$\epsilon$-minimizer after $\mathcal{O}^*(n^{7.5}\epsilon^{-2})$ noisy function
evaluations by inducing a $\mathcal{O}(\epsilon/n)$-approximately log concave
distribution. We also consider in detail the case when the "amount of
non-convexity" decays towards the optimum of the function. Other applications
of the method discussed in this work include private computation of empirical
risk minimizers, two-stage stochastic programming, and approximate dynamic
programming for online learning.
|
Per-Block-Convex Data Modeling by Accelerated Stochastic Approximation | Applications involving dictionary learning, non-negative matrix
factorization, subspace clustering, and parallel factor tensor decomposition
tasks motivate well algorithms for per-block-convex and non-smooth optimization
problems. By leveraging the stochastic approximation paradigm and first-order
acceleration schemes, this paper develops an online and modular learning
algorithm for a large class of non-convex data models, where convexity is
manifested only per-block of variables whenever the rest of them are held
fixed. The advocated algorithm incurs computational complexity that scales
linearly with the number of unknowns. Under minimal assumptions on the cost
functions of the composite optimization task, without bounding constraints on
the optimization variables, or any explicit information on bounds of Lipschitz
coefficients, the expected cost evaluated online at the resultant iterates is
provably convergent with quadratic rate to an accumulation point of the
(per-block) minima, while subgradients of the expected cost asymptotically
vanish in the mean-squared sense. The merits of the general approach are
demonstrated in two online learning setups: (i) Robust linear regression using
a sparsity-cognizant total least-squares criterion; and (ii) semi-supervised
dictionary learning for network-wide link load tracking and imputation with
missing entries. Numerical tests on synthetic and real data highlight the
potential of the proposed framework for streaming data analytics by
demonstrating superior performance over block coordinate descent, and reduced
complexity relative to the popular alternating-direction method of multipliers.
|
Tensor Factorization via Matrix Factorization | Tensor factorization arises in many machine learning applications, such
knowledge base modeling and parameter estimation in latent variable models.
However, numerical methods for tensor factorization have not reached the level
of maturity of matrix factorization methods. In this paper, we propose a new
method for CP tensor factorization that uses random projections to reduce the
problem to simultaneous matrix diagonalization. Our method is conceptually
simple and also applies to non-orthogonal and asymmetric tensors of arbitrary
order. We prove that a small number random projections essentially preserves
the spectral information in the tensor, allowing us to remove the dependence on
the eigengap that plagued earlier tensor-to-matrix reductions. Experimentally,
our method outperforms existing tensor factorization methods on both simulated
data and two real datasets.
|
Sequential Probability Assignment with Binary Alphabets and Large
Classes of Experts | We analyze the problem of sequential probability assignment for binary
outcomes with side information and logarithmic loss, where regret---or,
redundancy---is measured with respect to a (possibly infinite) class of
experts. We provide upper and lower bounds for minimax regret in terms of
sequential complexities of the class. These complexities were recently shown to
give matching (up to logarithmic factors) upper and lower bounds for sequential
prediction with general convex Lipschitz loss functions (Rakhlin and Sridharan,
2015). To deal with unbounded gradients of the logarithmic loss, we present a
new analysis that employs a sequential chaining technique with a Bernstein-type
bound. The introduced complexities are intrinsic to the problem of sequential
probability assignment, as illustrated by our lower bound.
We also consider an example of a large class of experts parametrized by
vectors in a high-dimensional Euclidean ball (or a Hilbert ball). The typical
discretization approach fails, while our techniques give a non-trivial bound.
For this problem we also present an algorithm based on regularization with a
self-concordant barrier. This algorithm is of an independent interest, as it
requires a bound on the function values rather than gradients.
|
Particle swarm optimization for time series motif discovery | Efficiently finding similar segments or motifs in time series data is a
fundamental task that, due to the ubiquity of these data, is present in a wide
range of domains and situations. Because of this, countless solutions have been
devised but, to date, none of them seems to be fully satisfactory and flexible.
In this article, we propose an innovative standpoint and present a solution
coming from it: an anytime multimodal optimization algorithm for time series
motif discovery based on particle swarms. By considering data from a variety of
domains, we show that this solution is extremely competitive when compared to
the state-of-the-art, obtaining comparable motifs in considerably less time
using minimal memory. In addition, we show that it is robust to different
implementation choices and see that it offers an unprecedented degree of
flexibility with regard to the task. All these qualities make the presented
solution stand out as one of the most prominent candidates for motif discovery
in long time series streams. Besides, we believe the proposed standpoint can be
exploited in further time series analysis and mining tasks, widening the scope
of research and potentially yielding novel effective solutions.
|
Bayesian Hierarchical Clustering with Exponential Family: Small-Variance
Asymptotics and Reducibility | Bayesian hierarchical clustering (BHC) is an agglomerative clustering method,
where a probabilistic model is defined and its marginal likelihoods are
evaluated to decide which clusters to merge. While BHC provides a few
advantages over traditional distance-based agglomerative clustering algorithms,
successive evaluation of marginal likelihoods and careful hyperparameter tuning
are cumbersome and limit the scalability. In this paper we relax BHC into a
non-probabilistic formulation, exploring small-variance asymptotics in
conjugate-exponential models. We develop a novel clustering algorithm, referred
to as relaxed BHC (RBHC), from the asymptotic limit of the BHC model that
exhibits the scalability of distance-based agglomerative clustering algorithms
as well as the flexibility of Bayesian nonparametric models. We also
investigate the reducibility of the dissimilarity measure emerged from the
asymptotic limit of the BHC model, allowing us to use scalable algorithms such
as the nearest neighbor chain algorithm. Numerical experiments on both
synthetic and real-world datasets demonstrate the validity and high performance
of our method.
|
Regression and Learning to Rank Aggregation for User Engagement
Evaluation | User engagement refers to the amount of interaction an instance (e.g., tweet,
news, and forum post) achieves. Ranking the items in social media websites
based on the amount of user participation in them, can be used in different
applications, such as recommender systems. In this paper, we consider a tweet
containing a rating for a movie as an instance and focus on ranking the
instances of each user based on their engagement, i.e., the total number of
retweets and favorites it will gain.
For this task, we define several features which can be extracted from the
meta-data of each tweet. The features are partitioned into three categories:
user-based, movie-based, and tweet-based. We show that in order to obtain good
results, features from all categories should be considered. We exploit
regression and learning to rank methods to rank the tweets and propose to
aggregate the results of regression and learning to rank methods to achieve
better performance. We have run our experiments on an extended version of
MovieTweeting dataset provided by ACM RecSys Challenge 2014. The results show
that learning to rank approach outperforms most of the regression models and
the combination can improve the performance significantly.
|
Efficient Divide-And-Conquer Classification Based on Feature-Space
Decomposition | This study presents a divide-and-conquer (DC) approach based on feature space
decomposition for classification. When large-scale datasets are present,
typical approaches usually employed truncated kernel methods on the feature
space or DC approaches on the sample space. However, this did not guarantee
separability between classes, owing to overfitting. To overcome such problems,
this work proposes a novel DC approach on feature spaces consisting of three
steps. Firstly, we divide the feature space into several subspaces using the
decomposition method proposed in this paper. Subsequently, these feature
subspaces are sent into individual local classifiers for training. Finally, the
outcomes of local classifiers are fused together to generate the final
classification results. Experiments on large-scale datasets are carried out for
performance evaluation. The results show that the error rates of the proposed
DC method decreased comparing with the state-of-the-art fast SVM solvers, e.g.,
reducing error rates by 10.53% and 7.53% on RCV1 and covtype datasets
respectively.
|
Representing Objects, Relations, and Sequences | Vector Symbolic Architectures (VSAs) are high-dimensional vector
representations of objects (eg., words, image parts), relations (eg., sentence
structures), and sequences for use with machine learning algorithms. They
consist of a vector addition operator for representing a collection of
unordered objects, a Binding operator for associating groups of objects, and a
methodology for encoding complex structures.
We first develop Constraints that machine learning imposes upon VSAs: for
example, similar structures must be represented by similar vectors. The
constraints suggest that current VSAs should represent phrases ("The smart
Brazilian girl") by binding sums of terms, in addition to simply binding the
terms directly.
We show that matrix multiplication can be used as the binding operator for a
VSA, and that matrix elements can be chosen at random. A consequence for living
systems is that binding is mathematically possible without the need to specify,
in advance, precise neuron-to-neuron connection properties for large numbers of
synapses.
A VSA that incorporates these ideas, MBAT (Matrix Binding of Additive Terms),
is described that satisfies all Constraints.
With respect to machine learning, for some types of problems appropriate VSA
representations permit us to prove learnability, rather than relying on
simulations. We also propose dividing machine (and neural) learning and
representation into three Stages, with differing roles for learning in each
stage.
For neural modeling, we give "representational reasons" for nervous systems
to have many recurrent connections, as well as for the importance of phrases in
language processing.
Sizing simulations and analyses suggest that VSAs in general, and MBAT in
particular, are ready for real-world applications.
|
Hyper-parameter optimization of Deep Convolutional Networks for object
recognition | Recently sequential model based optimization (SMBO) has emerged as a
promising hyper-parameter optimization strategy in machine learning. In this
work, we investigate SMBO to identify architecture hyper-parameters of deep
convolution networks (DCNs) object recognition. We propose a simple SMBO
strategy that starts from a set of random initial DCN architectures to generate
new architectures, which on training perform well on a given dataset. Using the
proposed SMBO strategy we are able to identify a number of DCN architectures
that produce results that are comparable to state-of-the-art results on object
recognition benchmarks.
|
A Random Matrix Theoretical Approach to Early Event Detection in Smart
Grid | Power systems are developing very fast nowadays, both in size and in
complexity; this situation is a challenge for Early Event Detection (EED). This
paper proposes a data- driven unsupervised learning method to handle this
challenge. Specifically, the random matrix theories (RMTs) are introduced as
the statistical foundations for random matrix models (RMMs); based on the RMMs,
linear eigenvalue statistics (LESs) are defined via the test functions as the
system indicators. By comparing the values of the LES between the experimental
and the theoretical ones, the anomaly detection is conducted. Furthermore, we
develop 3D power-map to visualize the LES; it provides a robust auxiliary
decision-making mechanism to the operators. In this sense, the proposed method
conducts EED with a pure statistical procedure, requiring no knowledge of
system topologies, unit operation/control models, etc. The LES, as a key
ingredient during this procedure, is a high dimensional indictor derived
directly from raw data. As an unsupervised learning indicator, the LES is much
more sensitive than the low dimensional indictors obtained from supervised
learning. With the statistical procedure, the proposed method is universal and
fast; moreover, it is robust against traditional EED challenges (such as error
accumulations, spurious correlations, and even bad data in core area). Case
studies, with both simulated data and real ones, validate the proposed method.
To manage large-scale distributed systems, data fusion is mentioned as another
data processing ingredient.
|
A New Intelligence Based Approach for Computer-Aided Diagnosis of Dengue
Fever | Identification of the influential clinical symptoms and laboratory features
that help in the diagnosis of dengue fever in early phase of the illness would
aid in designing effective public health management and virological
surveillance strategies. Keeping this as our main objective we develop in this
paper, a new computational intelligence based methodology that predicts the
diagnosis in real time, minimizing the number of false positives and false
negatives. Our methodology consists of three major components (i) a novel
missing value imputation procedure that can be applied on any data set
consisting of categorical (nominal) and/or numeric (real or integer) (ii) a
wrapper based features selection method with genetic search for extracting a
subset of most influential symptoms that can diagnose the illness and (iii) an
alternating decision tree method that employs boosting for generating highly
accurate decision rules. The predictive models developed using our methodology
are found to be more accurate than the state-of-the-art methodologies used in
the diagnosis of the dengue fever.
|
A Batchwise Monotone Algorithm for Dictionary Learning | We propose a batchwise monotone algorithm for dictionary learning. Unlike the
state-of-the-art dictionary learning algorithms which impose sparsity
constraints on a sample-by-sample basis, we instead treat the samples as a
batch, and impose the sparsity constraint on the whole. The benefit of
batchwise optimization is that the non-zeros can be better allocated across the
samples, leading to a better approximation of the whole. To accomplish this, we
propose procedures to switch non-zeros in both rows and columns in the support
of the coefficient matrix to reduce the reconstruction error. We prove in the
proposed support switching procedure the objective of the algorithm, i.e., the
reconstruction error, decreases monotonically and converges. Furthermore, we
introduce a block orthogonal matching pursuit algorithm that also operates on
sample batches to provide a warm start. Experiments on both natural image
patches and UCI data sets show that the proposed algorithm produces a better
approximation with the same sparsity levels compared to the state-of-the-art
algorithms.
|
TuPAQ: An Efficient Planner for Large-scale Predictive Analytic Queries | The proliferation of massive datasets combined with the development of
sophisticated analytical techniques have enabled a wide variety of novel
applications such as improved product recommendations, automatic image tagging,
and improved speech-driven interfaces. These and many other applications can be
supported by Predictive Analytic Queries (PAQs). A major obstacle to supporting
PAQs is the challenging and expensive process of identifying and training an
appropriate predictive model. Recent efforts aiming to automate this process
have focused on single node implementations and have assumed that model
training itself is a black box, thus limiting the effectiveness of such
approaches on large-scale problems. In this work, we build upon these recent
efforts and propose an integrated PAQ planning architecture that combines
advanced model search techniques, bandit resource allocation via runtime
algorithm introspection, and physical optimization via batching. The result is
TuPAQ, a component of the MLbase system, which solves the PAQ planning problem
with comparable quality to exhaustive strategies but an order of magnitude more
efficiently than the standard baseline approach, and can scale to models
trained on terabytes of data across hundreds of machines.
|
Deep learning of fMRI big data: a novel approach to subject-transfer
decoding | As a technology to read brain states from measurable brain activities, brain
decoding are widely applied in industries and medical sciences. In spite of
high demands in these applications for a universal decoder that can be applied
to all individuals simultaneously, large variation in brain activities across
individuals has limited the scope of many studies to the development of
individual-specific decoders. In this study, we used deep neural network (DNN),
a nonlinear hierarchical model, to construct a subject-transfer decoder. Our
decoder is the first successful DNN-based subject-transfer decoder. When
applied to a large-scale functional magnetic resonance imaging (fMRI) database,
our DNN-based decoder achieved higher decoding accuracy than other baseline
methods, including support vector machine (SVM). In order to analyze the
knowledge acquired by this decoder, we applied principal sensitivity analysis
(PSA) to the decoder and visualized the discriminative features that are common
to all subjects in the dataset. Our PSA successfully visualized the
subject-independent features contributing to the subject-transferability of the
trained decoder.
|
Twitter Hash Tag Recommendation | The rise in popularity of microblogging services like Twitter has led to
increased use of content annotation strategies like the hashtag. Hashtags
provide users with a tagging mechanism to help organize, group, and create
visibility for their posts. This is a simple idea but can be challenging for
the user in practice which leads to infrequent usage. In this paper, we will
investigate various methods of recommending hashtags as new posts are created
to encourage more widespread adoption and usage. Hashtag recommendation comes
with numerous challenges including processing huge volumes of streaming data
and content which is small and noisy. We will investigate preprocessing methods
to reduce noise in the data and determine an effective method of hashtag
recommendation based on the popular classification algorithms.
|
Sparse Dueling Bandits | The dueling bandit problem is a variation of the classical multi-armed bandit
in which the allowable actions are noisy comparisons between pairs of arms.
This paper focuses on a new approach for finding the "best" arm according to
the Borda criterion using noisy comparisons. We prove that in the absence of
structural assumptions, the sample complexity of this problem is proportional
to the sum of the inverse squared gaps between the Borda scores of each
suboptimal arm and the best arm. We explore this dependence further and
consider structural constraints on the pairwise comparison matrix (a particular
form of sparsity natural to this problem) that can significantly reduce the
sample complexity. This motivates a new algorithm called Successive Elimination
with Comparison Sparsity (SECS) that exploits sparsity to find the Borda winner
using fewer samples than standard algorithms. We also evaluate the new
algorithm experimentally with synthetic and real data. The results show that
the sparsity model and the new algorithm can provide significant improvements
over standard approaches.
|
Spectral Detection in the Censored Block Model | We consider the problem of partially recovering hidden binary variables from
the observation of (few) censored edge weights, a problem with applications in
community detection, correlation clustering and synchronization. We describe
two spectral algorithms for this task based on the non-backtracking and the
Bethe Hessian operators. These algorithms are shown to be asymptotically
optimal for the partial recovery problem, in that they detect the hidden
assignment as soon as it is information theoretically possible to do so.
|
High Dimensional Low Rank plus Sparse Matrix Decomposition | This paper is concerned with the problem of low rank plus sparse matrix
decomposition for big data. Conventional algorithms for matrix decomposition
use the entire data to extract the low-rank and sparse components, and are
based on optimization problems with complexity that scales with the dimension
of the data, which limits their scalability. Furthermore, existing randomized
approaches mostly rely on uniform random sampling, which is quite inefficient
for many real world data matrices that exhibit additional structures (e.g.
clustering). In this paper, a scalable subspace-pursuit approach that
transforms the decomposition problem to a subspace learning problem is
proposed. The decomposition is carried out using a small data sketch formed
from sampled columns/rows. Even when the data is sampled uniformly at random,
it is shown that the sufficient number of sampled columns/rows is roughly
O(r\mu), where \mu is the coherency parameter and r the rank of the low rank
component. In addition, adaptive sampling algorithms are proposed to address
the problem of column/row sampling from structured data. We provide an analysis
of the proposed method with adaptive sampling and show that adaptive sampling
makes the required number of sampled columns/rows invariant to the distribution
of the data. The proposed approach is amenable to online implementation and an
online scheme is proposed.
|
Advanced Mean Field Theory of Restricted Boltzmann Machine | Learning in restricted Boltzmann machine is typically hard due to the
computation of gradients of log-likelihood function. To describe the network
state statistics of the restricted Boltzmann machine, we develop an advanced
mean field theory based on the Bethe approximation. Our theory provides an
efficient message passing based method that evaluates not only the partition
function (free energy) but also its gradients without requiring statistical
sampling. The results are compared with those obtained by the computationally
expensive sampling based method.
|
Feature Selection with Redundancy-complementariness Dispersion | Feature selection has attracted significant attention in data mining and
machine learning in the past decades. Many existing feature selection methods
eliminate redundancy by measuring pairwise inter-correlation of features,
whereas the complementariness of features and higher inter-correlation among
more than two features are ignored. In this study, a modification item
concerning the complementariness of features is introduced in the evaluation
criterion of features. Additionally, in order to identify the interference
effect of already-selected False Positives (FPs), the
redundancy-complementariness dispersion is also taken into account to adjust
the measurement of pairwise inter-correlation of features. To illustrate the
effectiveness of proposed method, classification experiments are applied with
four frequently used classifiers on ten datasets. Classification results verify
the superiority of proposed method compared with five representative feature
selection methods.
|
Injury risk prediction for traffic accidents in Porto Alegre/RS, Brazil | This study describes the experimental application of Machine Learning
techniques to build prediction models that can assess the injury risk
associated with traffic accidents. This work uses an freely available data set
of traffic accident records that took place in the city of Porto Alegre/RS
(Brazil) during the year of 2013. This study also provides an analysis of the
most important attributes of a traffic accident that could produce an outcome
of injury to the people involved in the accident.
|
Iterated Support Vector Machines for Distance Metric Learning | Distance metric learning aims to learn from the given training data a valid
distance metric, with which the similarity between data samples can be more
effectively evaluated for classification. Metric learning is often formulated
as a convex or nonconvex optimization problem, while many existing metric
learning algorithms become inefficient for large scale problems. In this paper,
we formulate metric learning as a kernel classification problem, and solve it
by iterated training of support vector machines (SVM). The new formulation is
easy to implement, efficient in training, and tractable for large-scale
problems. Two novel metric learning models, namely Positive-semidefinite
Constrained Metric Learning (PCML) and Nonnegative-coefficient Constrained
Metric Learning (NCML), are developed. Both PCML and NCML can guarantee the
global optimality of their solutions. Experimental results on UCI dataset
classification, handwritten digit recognition, face verification and person
re-identification demonstrate that the proposed metric learning methods achieve
higher classification accuracy than state-of-the-art methods and they are
significantly more efficient in training.
|
Scaling Recurrent Neural Network Language Models | This paper investigates the scaling properties of Recurrent Neural Network
Language Models (RNNLMs). We discuss how to train very large RNNs on GPUs and
address the questions of how RNNLMs scale with respect to model size,
training-set size, computational costs and memory. Our analysis shows that
despite being more costly to train, RNNLMs obtain much lower perplexities on
standard benchmarks than n-gram models. We train the largest known RNNs and
present relative word error rates gains of 18% on an ASR task. We also present
the new lowest perplexities on the recently released billion word language
modelling benchmark, 1 BLEU point gain on machine translation and a 17%
relative hit rate gain in word prediction.
|
Unsupervised Incremental Learning and Prediction of Music Signals | A system is presented that segments, clusters and predicts musical audio in
an unsupervised manner, adjusting the number of (timbre) clusters
instantaneously to the audio input. A sequence learning algorithm adapts its
structure to a dynamically changing clustering tree. The flow of the system is
as follows: 1) segmentation by onset detection, 2) timbre representation of
each segment by Mel frequency cepstrum coefficients, 3) discretization by
incremental clustering, yielding a tree of different sound classes (e.g.
instruments) that can grow or shrink on the fly driven by the instantaneous
sound events, resulting in a discrete symbol sequence, 4) extraction of
statistical regularities of the symbol sequence, using hierarchical N-grams and
the newly introduced conceptual Boltzmann machine, and 5) prediction of the
next sound event in the sequence. The system's robustness is assessed with
respect to complexity and noisiness of the signal. Clustering in isolation
yields an adjusted Rand index (ARI) of 82.7% / 85.7% for data sets of singing
voice and drums. Onset detection jointly with clustering achieve an ARI of
81.3% / 76.3% and the prediction of the entire system yields an ARI of 27.2% /
39.2%.
|
Lock in Feedback in Sequential Experiments | We often encounter situations in which an experimenter wants to find, by
sequential experimentation, $x_{max} = \arg\max_{x} f(x)$, where $f(x)$ is a
(possibly unknown) function of a well controllable variable $x$. Taking
inspiration from physics and engineering, we have designed a new method to
address this problem. In this paper, we first introduce the method in
continuous time, and then present two algorithms for use in sequential
experiments. Through a series of simulation studies, we show that the method is
effective for finding maxima of unknown functions by experimentation, even when
the maximum of the functions drifts or when the signal to noise ratio is low.
|
Hybrid Orthogonal Projection and Estimation (HOPE): A New Framework to
Probe and Learn Neural Networks | In this paper, we propose a novel model for high-dimensional data, called the
Hybrid Orthogonal Projection and Estimation (HOPE) model, which combines a
linear orthogonal projection and a finite mixture model under a unified
generative modeling framework. The HOPE model itself can be learned
unsupervised from unlabelled data based on the maximum likelihood estimation as
well as discriminatively from labelled data. More interestingly, we have shown
the proposed HOPE models are closely related to neural networks (NNs) in a
sense that each hidden layer can be reformulated as a HOPE model. As a result,
the HOPE framework can be used as a novel tool to probe why and how NNs work,
more importantly, to learn NNs in either supervised or unsupervised ways. In
this work, we have investigated the HOPE framework to learn NNs for several
standard tasks, including image recognition on MNIST and speech recognition on
TIMIT. Experimental results have shown that the HOPE framework yields
significant performance gains over the current state-of-the-art methods in
various types of NN learning problems, including unsupervised feature learning,
supervised or semi-supervised learning.
|
Cheaper and Better: Selecting Good Workers for Crowdsourcing | Crowdsourcing provides a popular paradigm for data collection at scale. We
study the problem of selecting subsets of workers from a given worker pool to
maximize the accuracy under a budget constraint. One natural question is
whether we should hire as many workers as the budget allows, or restrict on a
small number of top-quality workers. By theoretically analyzing the error rate
of a typical setting in crowdsourcing, we frame the worker selection problem
into a combinatorial optimization problem and propose an algorithm to solve it
efficiently. Empirical results on both simulated and real-world datasets show
that our algorithm is able to select a small number of high-quality workers,
and performs as good as, sometimes even better than, the much larger crowds as
the budget allows.
|
Incremental Knowledge Base Construction Using DeepDive | Populating a database with unstructured information is a long-standing
problem in industry and research that encompasses problems of extraction,
cleaning, and integration. Recent names used for this problem include dealing
with dark data and knowledge base construction (KBC). In this work, we describe
DeepDive, a system that combines database and machine learning ideas to help
develop KBC systems, and we present techniques to make the KBC process more
efficient. We observe that the KBC process is iterative, and we develop
techniques to incrementally produce inference results for KBC systems. We
propose two methods for incremental inference, based respectively on sampling
and variational techniques. We also study the tradeoff space of these methods
and develop a simple rule-based optimizer. DeepDive includes all of these
contributions, and we evaluate DeepDive on five KBC systems, showing that it
can speed up KBC inference tasks by up to two orders of magnitude with
negligible impact on quality.
|
Personalized Web Search | Personalization is important for search engines to improve user experience.
Most of the existing work do pure feature engineering and extract a lot of
session-style features and then train a ranking model. Here we proposed a novel
way to model both long term and short term user behavior using Multi-armed
bandit algorithm. Our algorithm can generalize session information across users
well, and as an Explore-Exploit style algorithm, it can generalize to new urls
and new users well. Experiments show that our algorithm can improve performance
over the default ranking and outperforms several popular Multi-armed bandit
algorithms.
|
Multimodal Task-Driven Dictionary Learning for Image Classification | Dictionary learning algorithms have been successfully used for both
reconstructive and discriminative tasks, where an input signal is represented
with a sparse linear combination of dictionary atoms. While these methods are
mostly developed for single-modality scenarios, recent studies have
demonstrated the advantages of feature-level fusion based on the joint sparse
representation of the multimodal inputs. In this paper, we propose a multimodal
task-driven dictionary learning algorithm under the joint sparsity constraint
(prior) to enforce collaborations among multiple homogeneous/heterogeneous
sources of information. In this task-driven formulation, the multimodal
dictionaries are learned simultaneously with their corresponding classifiers.
The resulting multimodal dictionaries can generate discriminative latent
features (sparse codes) from the data that are optimized for a given task such
as binary or multiclass classification. Moreover, we present an extension of
the proposed formulation using a mixed joint and independent sparsity prior
which facilitates more flexible fusion of the modalities at feature level. The
efficacy of the proposed algorithms for multimodal classification is
illustrated on four different applications -- multimodal face recognition,
multi-view face recognition, multi-view action recognition, and multimodal
biometric recognition. It is also shown that, compared to the counterpart
reconstructive-based dictionary learning algorithms, the task-driven
formulations are more computationally efficient in the sense that they can be
equipped with more compact dictionaries and still achieve superior performance.
|
Learning Local Invariant Mahalanobis Distances | For many tasks and data types, there are natural transformations to which the
data should be invariant or insensitive. For instance, in visual recognition,
natural images should be insensitive to rotation and translation. This
requirement and its implications have been important in many machine learning
applications, and tolerance for image transformations was primarily achieved by
using robust feature vectors. In this paper we propose a novel and
computationally efficient way to learn a local Mahalanobis metric per datum,
and show how we can learn a local invariant metric to any transformation in
order to improve performance.
|
RELEAF: An Algorithm for Learning and Exploiting Relevance | Recommender systems, medical diagnosis, network security, etc., require
on-going learning and decision-making in real time. These -- and many others --
represent perfect examples of the opportunities and difficulties presented by
Big Data: the available information often arrives from a variety of sources and
has diverse features so that learning from all the sources may be valuable but
integrating what is learned is subject to the curse of dimensionality. This
paper develops and analyzes algorithms that allow efficient learning and
decision-making while avoiding the curse of dimensionality. We formalize the
information available to the learner/decision-maker at a particular time as a
context vector which the learner should consider when taking actions. In
general the context vector is very high dimensional, but in many settings, the
most relevant information is embedded into only a few relevant dimensions. If
these relevant dimensions were known in advance, the problem would be simple --
but they are not. Moreover, the relevant dimensions may be different for
different actions. Our algorithm learns the relevant dimensions for each
action, and makes decisions based in what it has learned. Formally, we build on
the structure of a contextual multi-armed bandit by adding and exploiting a
relevance relation. We prove a general regret bound for our algorithm whose
time order depends only on the maximum number of relevant dimensions among all
the actions, which in the special case where the relevance relation is
single-valued (a function), reduces to $\tilde{O}(T^{2(\sqrt{2}-1)})$; in the
absence of a relevance relation, the best known contextual bandit algorithms
achieve regret $\tilde{O}(T^{(D+1)/(D+2)})$, where $D$ is the full dimension of
the context vector.
|
A mixture Cox-Logistic model for feature selection from survival and
classification data | This paper presents an original approach for jointly fitting survival times
and classifying samples into subgroups. The Coxlogit model is a generalized
linear model with a common set of selected features for both tasks. Survival
times and class labels are here assumed to be conditioned by a common risk
score which depends on those features. Learning is then naturally expressed as
maximizing the joint probability of subgroup labels and the ordering of
survival events, conditioned to a common weight vector. The model is estimated
by minimizing a regularized log-likelihood through a coordinate descent
algorithm.
Validation on synthetic and breast cancer data shows that the proposed
approach outperforms a standard Cox model or logistic regression when both
predicting the survival times and classifying new samples into subgroups. It is
also better at selecting informative features for both tasks.
|
A PARTAN-Accelerated Frank-Wolfe Algorithm for Large-Scale SVM
Classification | Frank-Wolfe algorithms have recently regained the attention of the Machine
Learning community. Their solid theoretical properties and sparsity guarantees
make them a suitable choice for a wide range of problems in this field. In
addition, several variants of the basic procedure exist that improve its
theoretical properties and practical performance. In this paper, we investigate
the application of some of these techniques to Machine Learning, focusing in
particular on a Parallel Tangent (PARTAN) variant of the FW algorithm that has
not been previously suggested or studied for this type of problems. We provide
experiments both in a standard setting and using a stochastic speed-up
technique, showing that the considered algorithms obtain promising results on
several medium and large-scale benchmark datasets for SVM classification.
|
A Simple Expression for Mill's Ratio of the Student's $t$-Distribution | I show a simple expression of the Mill's ratio of the Student's
t-Distribution. I use it to prove Conjecture 1 in P. Auer, N. Cesa-Bianchi, and
P. Fischer. Finite-time analysis of the multiarmed bandit problem. Mach.
Learn., 47(2-3):235--256, May 2002.
|
Estimating Optimal Active Learning via Model Retraining Improvement | A central question for active learning (AL) is: "what is the optimal
selection?" Defining optimality by classifier loss produces a new
characterisation of optimal AL behaviour, by treating expected loss reduction
as a statistical target for estimation. This target forms the basis of model
retraining improvement (MRI), a novel approach providing a statistical
estimation framework for AL. This framework is constructed to address the
central question of AL optimality, and to motivate the design of estimation
algorithms. MRI allows the exploration of optimal AL behaviour, and the
examination of AL heuristics, showing precisely how they make sub-optimal
selections. The abstract formulation of MRI is used to provide a new guarantee
for AL, that an unbiased MRI estimator should outperform random selection. This
MRI framework reveals intricate estimation issues that in turn motivate the
construction of new statistical AL algorithms. One new algorithm in particular
performs strongly in a large-scale experimental study, compared to standard AL
methods. This competitive performance suggests that practical efforts to
minimise estimation bias may be important for AL applications.
|
Use of Modality and Negation in Semantically-Informed Syntactic MT | This paper describes the resource- and system-building efforts of an
eight-week Johns Hopkins University Human Language Technology Center of
Excellence Summer Camp for Applied Language Exploration (SCALE-2009) on
Semantically-Informed Machine Translation (SIMT). We describe a new
modality/negation (MN) annotation scheme, the creation of a (publicly
available) MN lexicon, and two automated MN taggers that we built using the
annotation scheme and lexicon. Our annotation scheme isolates three components
of modality and negation: a trigger (a word that conveys modality or negation),
a target (an action associated with modality or negation) and a holder (an
experiencer of modality). We describe how our MN lexicon was semi-automatically
produced and we demonstrate that a structure-based MN tagger results in
precision around 86% (depending on genre) for tagging of a standard LDC data
set.
We apply our MN annotation scheme to statistical machine translation using a
syntactic framework that supports the inclusion of semantic annotations.
Syntactic tags enriched with semantic annotations are assigned to parse trees
in the target-language training texts through a process of tree grafting. While
the focus of our work is modality and negation, the tree grafting procedure is
general and supports other types of semantic information. We exploit this
capability by including named entities, produced by a pre-existing tagger, in
addition to the MN elements produced by the taggers described in this paper.
The resulting system significantly outperformed a linguistically naive baseline
model (Hiero), and reached the highest scores yet reported on the NIST 2009
Urdu-English test set. This finding supports the hypothesis that both syntactic
and semantic information can improve translation quality.
|
A Confident Information First Principle for Parametric Reduction and
Model Selection of Boltzmann Machines | Typical dimensionality reduction (DR) methods are often data-oriented,
focusing on directly reducing the number of random variables (features) while
retaining the maximal variations in the high-dimensional data. In unsupervised
situations, one of the main limitations of these methods lies in their
dependency on the scale of data features. This paper aims to address the
problem from a new perspective and considers model-oriented dimensionality
reduction in parameter spaces of binary multivariate distributions.
Specifically, we propose a general parameter reduction criterion, called
Confident-Information-First (CIF) principle, to maximally preserve confident
parameters and rule out less confident parameters. Formally, the confidence of
each parameter can be assessed by its contribution to the expected Fisher
information distance within the geometric manifold over the neighbourhood of
the underlying real distribution.
We then revisit Boltzmann machines (BM) from a model selection perspective
and theoretically show that both the fully visible BM (VBM) and the BM with
hidden units can be derived from the general binary multivariate distribution
using the CIF principle. This can help us uncover and formalize the essential
parts of the target density that BM aims to capture and the non-essential parts
that BM should discard. Guided by the theoretical analysis, we develop a
sample-specific CIF for model selection of BM that is adaptive to the observed
samples. The method is studied in a series of density estimation experiments
and has been shown effective in terms of the estimate accuracy.
|
Text Understanding from Scratch | This article demontrates that we can apply deep learning to text
understanding from character-level inputs all the way up to abstract text
concepts, using temporal convolutional networks (ConvNets). We apply ConvNets
to various large-scale datasets, including ontology classification, sentiment
analysis, and text categorization. We show that temporal ConvNets can achieve
astonishing performance without the knowledge of words, phrases, sentences and
any other syntactic or semantic structures with regards to a human language.
Evidence shows that our models can work for both English and Chinese.
|
Arrhythmia Detection using Mutual Information-Based Integration Method | The aim of this paper is to propose an application of mutual
information-based ensemble methods to the analysis and classification of heart
beats associated with different types of Arrhythmia. Models of multilayer
perceptrons, support vector machines, and radial basis function neural networks
were trained and tested using the MIT-BIH arrhythmia database. This research
brings a focus to an ensemble method that, to our knowledge, is a novel
application in the area of ECG Arrhythmia detection. The proposed classifier
ensemble method showed improved performance, relative to either majority voting
classifier integration or to individual classifier performance. The overall
ensemble accuracy was 98.25%.
|
Monitoring Term Drift Based on Semantic Consistency in an Evolving
Vector Field | Based on the Aristotelian concept of potentiality vs. actuality allowing for
the study of energy and dynamics in language, we propose a field approach to
lexical analysis. Falling back on the distributional hypothesis to
statistically model word meaning, we used evolving fields as a metaphor to
express time-dependent changes in a vector space model by a combination of
random indexing and evolving self-organizing maps (ESOM). To monitor semantic
drifts within the observation period, an experiment was carried out on the term
space of a collection of 12.8 million Amazon book reviews. For evaluation, the
semantic consistency of ESOM term clusters was compared with their respective
neighbourhoods in WordNet, and contrasted with distances among term vectors by
random indexing. We found that at 0.05 level of significance, the terms in the
clusters showed a high level of semantic consistency. Tracking the drift of
distributional patterns in the term space across time periods, we found that
consistency decreased, but not at a statistically significant level. Our method
is highly scalable, with interpretations in philosophy.
|
Learning Efficient Anomaly Detectors from $K$-NN Graphs | We propose a non-parametric anomaly detection algorithm for high dimensional
data. We score each datapoint by its average $K$-NN distance, and rank them
accordingly. We then train limited complexity models to imitate these scores
based on the max-margin learning-to-rank framework. A test-point is declared as
an anomaly at $\alpha$-false alarm level if the predicted score is in the
$\alpha$-percentile. The resulting anomaly detector is shown to be
asymptotically optimal in that for any false alarm rate $\alpha$, its decision
region converges to the $\alpha$-percentile minimum volume level set of the
unknown underlying density. In addition, we test both the statistical
performance and computational efficiency of our algorithm on a number of
synthetic and real-data experiments. Our results demonstrate the superiority of
our algorithm over existing $K$-NN based anomaly detection algorithms, with
significant computational savings.
|
Unsupervised Fusion Weight Learning in Multiple Classifier Systems | In this paper we present an unsupervised method to learn the weights with
which the scores of multiple classifiers must be combined in classifier fusion
settings. We also introduce a novel metric for ranking instances based on an
index which depends upon the rank of weighted scores of test points among the
weighted scores of training points. We show that the optimized index can be
used for computing measures such as average precision. Unlike most classifier
fusion methods where a single weight is learned to weigh all examples our
method learns instance-specific weights. The problem is formulated as learning
the weight which maximizes a clarity index; subsequently the index itself and
the learned weights both are used separately to rank all the test points. Our
method gives an unsupervised method of optimizing performance on actual test
data, unlike the well known stacking-based methods where optimization is done
over a labeled training set. Moreover, we show that our method is tolerant to
noisy classifiers and can be used for selecting N-best classifiers.
|
Hierarchical Maximum-Margin Clustering | We present a hierarchical maximum-margin clustering method for unsupervised
data analysis. Our method extends beyond flat maximum-margin clustering, and
performs clustering recursively in a top-down manner. We propose an effective
greedy splitting criteria for selecting which cluster to split next, and employ
regularizers that enforce feature sharing/competition for capturing data
semantics. Experimental results obtained on four standard datasets show that
our method outperforms flat and hierarchical clustering baselines, while
forming clean and semantically meaningful cluster hierarchies.
|
Delving Deep into Rectifiers: Surpassing Human-Level Performance on
ImageNet Classification | Rectified activation units (rectifiers) are essential for state-of-the-art
neural networks. In this work, we study rectifier neural networks for image
classification from two aspects. First, we propose a Parametric Rectified
Linear Unit (PReLU) that generalizes the traditional rectified unit. PReLU
improves model fitting with nearly zero extra computational cost and little
overfitting risk. Second, we derive a robust initialization method that
particularly considers the rectifier nonlinearities. This method enables us to
train extremely deep rectified models directly from scratch and to investigate
deeper or wider network architectures. Based on our PReLU networks
(PReLU-nets), we achieve 4.94% top-5 test error on the ImageNet 2012
classification dataset. This is a 26% relative improvement over the ILSVRC 2014
winner (GoogLeNet, 6.66%). To our knowledge, our result is the first to surpass
human-level performance (5.1%, Russakovsky et al.) on this visual recognition
challenge.
|
Massively Multitask Networks for Drug Discovery | Massively multitask neural architectures provide a learning framework for
drug discovery that synthesizes information from many distinct biological
sources. To train these architectures at scale, we gather large amounts of data
from public sources to create a dataset of nearly 40 million measurements
across more than 200 biological targets. We investigate several aspects of the
multitask framework by performing a series of empirical studies and obtain some
interesting results: (1) massively multitask networks obtain predictive
accuracies significantly better than single-task methods, (2) the predictive
power of multitask networks improves as additional tasks and data are added,
(3) the total amount of data and the total number of tasks both contribute
significantly to multitask improvement, and (4) multitask networks afford
limited transferability to tasks not in the training set. Our results
underscore the need for greater data sharing and further algorithmic innovation
to accelerate the drug discovery process.
|
Quantum Energy Regression using Scattering Transforms | We present a novel approach to the regression of quantum mechanical energies
based on a scattering transform of an intermediate electron density
representation. A scattering transform is a deep convolution network computed
with a cascade of multiscale wavelet transforms. It possesses appropriate
invariant and stability properties for quantum energy regression. This new
framework removes fundamental limitations of Coulomb matrix based energy
regressions, and numerical experiments give state-of-the-art accuracy over
planar molecules.
|
Contextual Online Learning for Multimedia Content Aggregation | The last decade has witnessed a tremendous growth in the volume as well as
the diversity of multimedia content generated by a multitude of sources (news
agencies, social media, etc.). Faced with a variety of content choices,
consumers are exhibiting diverse preferences for content; their preferences
often depend on the context in which they consume content as well as various
exogenous events. To satisfy the consumers' demand for such diverse content,
multimedia content aggregators (CAs) have emerged which gather content from
numerous multimedia sources. A key challenge for such systems is to accurately
predict what type of content each of its consumers prefers in a certain
context, and adapt these predictions to the evolving consumers' preferences,
contexts and content characteristics. We propose a novel, distributed, online
multimedia content aggregation framework, which gathers content generated by
multiple heterogeneous producers to fulfill its consumers' demand for content.
Since both the multimedia content characteristics and the consumers'
preferences and contexts are unknown, the optimal content aggregation strategy
is unknown a priori. Our proposed content aggregation algorithm is able to
learn online what content to gather and how to match content and users by
exploiting similarities between consumer types. We prove bounds for our
proposed learning algorithms that guarantee both the accuracy of the
predictions as well as the learning speed. Importantly, our algorithms operate
efficiently even when feedback from consumers is missing or content and
preferences evolve over time. Illustrative results highlight the merits of the
proposed content aggregation system in a variety of settings.
|
Hyperparameter Search in Machine Learning | We introduce the hyperparameter search problem in the field of machine
learning and discuss its main challenges from an optimization perspective.
Machine learning methods attempt to build models that capture some element of
interest based on given data. Most common learning algorithms feature a set of
hyperparameters that must be determined before training commences. The choice
of hyperparameters can significantly affect the resulting model's performance,
but determining good values can be complex; hence a disciplined, theoretically
sound search strategy is essential.
|
Learning Parametric-Output HMMs with Two Aliased States | In various applications involving hidden Markov models (HMMs), some of the
hidden states are aliased, having identical output distributions. The
minimality, identifiability and learnability of such aliased HMMs have been
long standing problems, with only partial solutions provided thus far. In this
paper we focus on parametric-output HMMs, whose output distributions come from
a parametric family, and that have exactly two aliased states. For this class,
we present a complete characterization of their minimality and identifiability.
Furthermore, for a large family of parametric output distributions, we derive
computationally efficient and statistically consistent algorithms to detect the
presence of aliasing and learn the aliased HMM transition and emission
parameters. We illustrate our theoretical analysis by several simulations.
|
Learning to Search Better Than Your Teacher | Methods for learning to search for structured prediction typically imitate a
reference policy, with existing theoretical guarantees demonstrating low regret
compared to that reference. This is unsatisfactory in many applications where
the reference policy is suboptimal and the goal of learning is to improve upon
it. Can learning to search work even when the reference is poor?
We provide a new learning to search algorithm, LOLS, which does well relative
to the reference policy, but additionally guarantees low regret compared to
deviations from the learned policy: a local-optimality guarantee. Consequently,
LOLS can improve upon the reference policy, unlike previous algorithms. This
enables us to develop structured contextual bandits, a partial information
structured prediction setting with many potential applications.
|
Real World Applications of Machine Learning Techniques over Large Mobile
Subscriber Datasets | Communication Service Providers (CSPs) are in a unique position to utilize
their vast transactional data assets generated from interactions of subscribers
with network elements as well as with other subscribers. CSPs could leverage
its data assets for a gamut of applications such as service personalization,
predictive offer management, loyalty management, revenue forecasting, network
capacity planning, product bundle optimization and churn management to gain
significant competitive advantage. However, due to the sheer data volume,
variety, velocity and veracity of mobile subscriber datasets, sophisticated
data analytics techniques and frameworks are necessary to derive actionable
insights in a useable timeframe. In this paper, we describe our journey from a
relational database management system (RDBMS) based campaign management
solution which allowed data scientists and marketers to use hand-written rules
for service personalization and targeted promotions to a distributed Big Data
Analytics platform, capable of performing large scale machine learning and data
mining to deliver real time service personalization, predictive modelling and
product optimization. Our work involves a careful blend of technology,
processes and best practices, which facilitate man-machine collaboration and
continuous experimentation to derive measurable economic value from data. Our
platform has a reach of more than 500 million mobile subscribers worldwide,
delivering over 1 billion personalized recommendations annually, processing a
total data volume of 64 Petabytes, corresponding to 8.5 trillion events.
|
From Pixels to Torques: Policy Learning with Deep Dynamical Models | Data-efficient learning in continuous state-action spaces using very
high-dimensional observations remains a key challenge in developing fully
autonomous systems. In this paper, we consider one instance of this challenge,
the pixels to torques problem, where an agent must learn a closed-loop control
policy from pixel information only. We introduce a data-efficient, model-based
reinforcement learning algorithm that learns such a closed-loop policy directly
from pixel information. The key ingredient is a deep dynamical model that uses
deep auto-encoders to learn a low-dimensional embedding of images jointly with
a predictive model in this low-dimensional feature space. Joint learning
ensures that not only static but also dynamic properties of the data are
accounted for. This is crucial for long-term predictions, which lie at the core
of the adaptive model predictive control strategy that we use for closed-loop
control. Compared to state-of-the-art reinforcement learning methods for
continuous states and actions, our approach learns quickly, scales to
high-dimensional state spaces and is an important step toward fully autonomous
learning from pixels to torques.
|
Contextual Markov Decision Processes | We consider a planning problem where the dynamics and rewards of the
environment depend on a hidden static parameter referred to as the context. The
objective is to learn a strategy that maximizes the accumulated reward across
all contexts. The new model, called Contextual Markov Decision Process (CMDP),
can model a customer's behavior when interacting with a website (the learner).
The customer's behavior depends on gender, age, location, device, etc. Based on
that behavior, the website objective is to determine customer characteristics,
and to optimize the interaction between them. Our work focuses on one basic
scenario--finite horizon with a small known number of possible contexts. We
suggest a family of algorithms with provable guarantees that learn the
underlying models and the latent contexts, and optimize the CMDPs. Bounds are
obtained for specific naive implementations, and extensions of the framework
are discussed, laying the ground for future research.
|
SDNA: Stochastic Dual Newton Ascent for Empirical Risk Minimization | We propose a new algorithm for minimizing regularized empirical loss:
Stochastic Dual Newton Ascent (SDNA). Our method is dual in nature: in each
iteration we update a random subset of the dual variables. However, unlike
existing methods such as stochastic dual coordinate ascent, SDNA is capable of
utilizing all curvature information contained in the examples, which leads to
striking improvements in both theory and practice - sometimes by orders of
magnitude. In the special case when an L2-regularizer is used in the primal,
the dual problem is a concave quadratic maximization problem plus a separable
term. In this regime, SDNA in each step solves a proximal subproblem involving
a random principal submatrix of the Hessian of the quadratic function; whence
the name of the method. If, in addition, the loss functions are quadratic, our
method can be interpreted as a novel variant of the recently introduced
Iterative Hessian Sketch.
|
Rademacher Observations, Private Data, and Boosting | The minimization of the logistic loss is a popular approach to batch
supervised learning. Our paper starts from the surprising observation that,
when fitting linear (or kernelized) classifiers, the minimization of the
logistic loss is \textit{equivalent} to the minimization of an exponential
\textit{rado}-loss computed (i) over transformed data that we call Rademacher
observations (rados), and (ii) over the \textit{same} classifier as the one of
the logistic loss. Thus, a classifier learnt from rados can be
\textit{directly} used to classify \textit{observations}. We provide a learning
algorithm over rados with boosting-compliant convergence rates on the
\textit{logistic loss} (computed over examples). Experiments on domains with up
to millions of examples, backed up by theoretical arguments, display that
learning over a small set of random rados can challenge the state of the art
that learns over the \textit{complete} set of examples. We show that rados
comply with various privacy requirements that make them good candidates for
machine learning in a privacy framework. We give several algebraic, geometric
and computational hardness results on reconstructing examples from rados. We
also show how it is possible to craft, and efficiently learn from, rados in a
differential privacy framework. Tests reveal that learning from differentially
private rados can compete with learning from random rados, and hence with batch
learning from examples, achieving non-trivial privacy vs accuracy tradeoffs.
|
Tensor Canonical Correlation Analysis for Multi-view Dimension Reduction | Canonical correlation analysis (CCA) has proven an effective tool for
two-view dimension reduction due to its profound theoretical foundation and
success in practical applications. In respect of multi-view learning, however,
it is limited by its capability of only handling data represented by two-view
features, while in many real-world applications, the number of views is
frequently many more. Although the ad hoc way of simultaneously exploring all
possible pairs of features can numerically deal with multi-view data, it
ignores the high order statistics (correlation information) which can only be
discovered by simultaneously exploring all features.
Therefore, in this work, we develop tensor CCA (TCCA) which straightforwardly
yet naturally generalizes CCA to handle the data of an arbitrary number of
views by analyzing the covariance tensor of the different views. TCCA aims to
directly maximize the canonical correlation of multiple (more than two) views.
Crucially, we prove that the multi-view canonical correlation maximization
problem is equivalent to finding the best rank-1 approximation of the data
covariance tensor, which can be solved efficiently using the well-known
alternating least squares (ALS) algorithm. As a consequence, the high order
correlation information contained in the different views is explored and thus a
more reliable common subspace shared by all features can be obtained. In
addition, a non-linear extension of TCCA is presented. Experiments on various
challenge tasks, including large scale biometric structure prediction, internet
advertisement classification and web image annotation, demonstrate the
effectiveness of the proposed method.
|
Counterfactual Risk Minimization: Learning from Logged Bandit Feedback | We develop a learning principle and an efficient algorithm for batch learning
from logged bandit feedback. This learning setting is ubiquitous in online
systems (e.g., ad placement, web search, recommendation), where an algorithm
makes a prediction (e.g., ad ranking) for a given input (e.g., query) and
observes bandit feedback (e.g., user clicks on presented ads). We first address
the counterfactual nature of the learning problem through propensity scoring.
Next, we prove generalization error bounds that account for the variance of the
propensity-weighted empirical risk estimator. These constructive bounds give
rise to the Counterfactual Risk Minimization (CRM) principle. We show how CRM
can be used to derive a new learning method -- called Policy Optimizer for
Exponential Models (POEM) -- for learning stochastic linear rules for
structured output prediction. We present a decomposition of the POEM objective
that enables efficient stochastic gradient optimization. POEM is evaluated on
several multi-label classification problems showing substantially improved
robustness and generalization performance compared to the state-of-the-art.
|
Gated Feedback Recurrent Neural Networks | In this work, we propose a novel recurrent neural network (RNN) architecture.
The proposed RNN, gated-feedback RNN (GF-RNN), extends the existing approach of
stacking multiple recurrent layers by allowing and controlling signals flowing
from upper recurrent layers to lower layers using a global gating unit for each
pair of layers. The recurrent signals exchanged between layers are gated
adaptively based on the previous hidden states and the current input. We
evaluated the proposed GF-RNN with different types of recurrent units, such as
tanh, long short-term memory and gated recurrent units, on the tasks of
character-level language modeling and Python program evaluation. Our empirical
evaluation of different RNN units, revealed that in both tasks, the GF-RNN
outperforms the conventional approaches to build deep stacked RNNs. We suggest
that the improvement arises because the GF-RNN can adaptively assign different
layers to different timescales and layer-to-layer interactions (including the
top-down ones which are not usually present in a stacked RNN) by learning to
gate these interactions.
|
Sparse Coding with Earth Mover's Distance for Multi-Instance Histogram
Representation | Sparse coding (Sc) has been studied very well as a powerful data
representation method. It attempts to represent the feature vector of a data
sample by reconstructing it as the sparse linear combination of some basic
elements, and a $L_2$ norm distance function is usually used as the loss
function for the reconstruction error. In this paper, we investigate using Sc
as the representation method within multi-instance learning framework, where a
sample is given as a bag of instances, and further represented as a histogram
of the quantized instances. We argue that for the data type of histogram, using
$L_2$ norm distance is not suitable, and propose to use the earth mover's
distance (EMD) instead of $L_2$ norm distance as a measure of the
reconstruction error. By minimizing the EMD between the histogram of a sample
and the its reconstruction from some basic histograms, a novel sparse coding
method is developed, which is refereed as SC-EMD. We evaluate its performances
as a histogram representation method in tow multi-instance learning problems
--- abnormal image detection in wireless capsule endoscopy videos, and protein
binding site retrieval. The encouraging results demonstrate the advantages of
the new method over the traditional method using $L_2$ norm distance.
|
Out-of-sample generalizations for supervised manifold learning for
classification | Supervised manifold learning methods for data classification map data samples
residing in a high-dimensional ambient space to a lower-dimensional domain in a
structure-preserving way, while enhancing the separation between different
classes in the learned embedding. Most nonlinear supervised manifold learning
methods compute the embedding of the manifolds only at the initially available
training points, while the generalization of the embedding to novel points,
known as the out-of-sample extension problem in manifold learning, becomes
especially important in classification applications. In this work, we propose a
semi-supervised method for building an interpolation function that provides an
out-of-sample extension for general supervised manifold learning algorithms
studied in the context of classification. The proposed algorithm computes a
radial basis function (RBF) interpolator that minimizes an objective function
consisting of the total embedding error of unlabeled test samples, defined as
their distance to the embeddings of the manifolds of their own class, as well
as a regularization term that controls the smoothness of the interpolation
function in a direction-dependent way. The class labels of test data and the
interpolation function parameters are estimated jointly with a progressive
procedure. Experimental results on face and object images demonstrate the
potential of the proposed out-of-sample extension algorithm for the
classification of manifold-modeled data sets.
|
Deep Neural Networks for Anatomical Brain Segmentation | We present a novel approach to automatically segment magnetic resonance (MR)
images of the human brain into anatomical regions. Our methodology is based on
a deep artificial neural network that assigns each voxel in an MR image of the
brain to its corresponding anatomical region. The inputs of the network capture
information at different scales around the voxel of interest: 3D and orthogonal
2D intensity patches capture the local spatial context while large, compressed
2D orthogonal patches and distances to the regional centroids enforce global
spatial consistency. Contrary to commonly used segmentation methods, our
technique does not require any non-linear registration of the MR images. To
benchmark our model, we used the dataset provided for the MICCAI 2012 challenge
on multi-atlas labelling, which consists of 35 manually segmented MR images of
the brain. We obtained competitive results (mean dice coefficient 0.725, error
rate 0.163) showing the potential of our approach. To our knowledge, our
technique is the first to tackle the anatomical segmentation of the whole brain
using deep neural networks.
|
An Infinite Restricted Boltzmann Machine | We present a mathematical construction for the restricted Boltzmann machine
(RBM) that doesn't require specifying the number of hidden units. In fact, the
hidden layer size is adaptive and can grow during training. This is obtained by
first extending the RBM to be sensitive to the ordering of its hidden units.
Then, thanks to a carefully chosen definition of the energy function, we show
that the limit of infinitely many hidden units is well defined. As with RBM,
approximate maximum likelihood training can be performed, resulting in an
algorithm that naturally and adaptively adds trained hidden units during
learning. We empirically study the behaviour of this infinite RBM, showing that
its performance is competitive to that of the RBM, while not requiring the
tuning of a hidden layer size.
|
Predicting Alzheimer's disease: a neuroimaging study with 3D
convolutional neural networks | Pattern recognition methods using neuroimaging data for the diagnosis of
Alzheimer's disease have been the subject of extensive research in recent
years. In this paper, we use deep learning methods, and in particular sparse
autoencoders and 3D convolutional neural networks, to build an algorithm that
can predict the disease status of a patient, based on an MRI scan of the brain.
We report on experiments using the ADNI data set involving 2,265 historical
scans. We demonstrate that 3D convolutional neural networks outperform several
other classifiers reported in the literature and produce state-of-art results.
|
The Adaptive Mean-Linkage Algorithm: A Bottom-Up Hierarchical Cluster
Technique | In this paper a variant of the classical hierarchical cluster analysis is
reported. This agglomerative (bottom-up) cluster technique is referred to as
the Adaptive Mean-Linkage Algorithm. It can be interpreted as a linkage
algorithm where the value of the threshold is conveniently up-dated at each
interaction. The superiority of the adaptive clustering with respect to the
average-linkage algorithm follows because it achieves a good compromise on
threshold values: Thresholds based on the cut-off distance are sufficiently
small to assure the homogeneity and also large enough to guarantee at least a
pair of merging sets. This approach is applied to a set of possible
substituents in a chemical series.
|
Deep Learning with Limited Numerical Precision | Training of large-scale deep neural networks is often constrained by the
available computational resources. We study the effect of limited precision
data representation and computation on neural network training. Within the
context of low-precision fixed-point computations, we observe the rounding
scheme to play a crucial role in determining the network's behavior during
training. Our results show that deep networks can be trained using only 16-bit
wide fixed-point number representation when using stochastic rounding, and
incur little to no degradation in the classification accuracy. We also
demonstrate an energy-efficient hardware accelerator that implements
low-precision fixed-point arithmetic with stochastic rounding.
|
K2-ABC: Approximate Bayesian Computation with Kernel Embeddings | Complicated generative models often result in a situation where computing the
likelihood of observed data is intractable, while simulating from the
conditional density given a parameter value is relatively easy. Approximate
Bayesian Computation (ABC) is a paradigm that enables simulation-based
posterior inference in such cases by measuring the similarity between simulated
and observed data in terms of a chosen set of summary statistics. However,
there is no general rule to construct sufficient summary statistics for complex
models. Insufficient summary statistics will "leak" information, which leads to
ABC algorithms yielding samples from an incorrect (partial) posterior. In this
paper, we propose a fully nonparametric ABC paradigm which circumvents the need
for manually selecting summary statistics. Our approach, K2-ABC, uses maximum
mean discrepancy (MMD) as a dissimilarity measure between the distributions
over observed and simulated data. MMD is easily estimated as the squared
difference between their empirical kernel embeddings. Experiments on a
simulated scenario and a real-world biological problem illustrate the
effectiveness of the proposed algorithm.
|
Analysis of classifiers' robustness to adversarial perturbations | The goal of this paper is to analyze an intriguing phenomenon recently
discovered in deep networks, namely their instability to adversarial
perturbations (Szegedy et. al., 2014). We provide a theoretical framework for
analyzing the robustness of classifiers to adversarial perturbations, and show
fundamental upper bounds on the robustness of classifiers. Specifically, we
establish a general upper bound on the robustness of classifiers to adversarial
perturbations, and then illustrate the obtained upper bound on the families of
linear and quadratic classifiers. In both cases, our upper bound depends on a
distinguishability measure that captures the notion of difficulty of the
classification task. Our results for both classes imply that in tasks involving
small distinguishability, no classifier in the considered set will be robust to
adversarial perturbations, even if a good accuracy is achieved. Our theoretical
framework moreover suggests that the phenomenon of adversarial instability is
due to the low flexibility of classifiers, compared to the difficulty of the
classification task (captured by the distinguishability). Moreover, we show the
existence of a clear distinction between the robustness of a classifier to
random noise and its robustness to adversarial perturbations. Specifically, the
former is shown to be larger than the latter by a factor that is proportional
to \sqrt{d} (with d being the signal dimension) for linear classifiers. This
result gives a theoretical explanation for the discrepancy between the two
robustness properties in high dimensional problems, which was empirically
observed in the context of neural networks. To the best of our knowledge, our
results provide the first theoretical work that addresses the phenomenon of
adversarial instability recently observed for deep networks. Our analysis is
complemented by experimental results on controlled and real-world data.
|
Adaptive Random SubSpace Learning (RSSL) Algorithm for Prediction | We present a novel adaptive random subspace learning algorithm (RSSL) for
prediction purpose. This new framework is flexible where it can be adapted with
any learning technique. In this paper, we tested the algorithm for regression
and classification problems. In addition, we provide a variety of weighting
schemes to increase the robustness of the developed algorithm. These different
wighting flavors were evaluated on simulated as well as on real-world data sets
considering the cases where the ratio between features (attributes) and
instances (samples) is large and vice versa. The framework of the new algorithm
consists of many stages: first, calculate the weights of all features on the
data set using the correlation coefficient and F-statistic statistical
measurements. Second, randomly draw n samples with replacement from the data
set. Third, perform regular bootstrap sampling (bagging). Fourth, draw without
replacement the indices of the chosen variables. The decision was taken based
on the heuristic subspacing scheme. Fifth, call base learners and build the
model. Sixth, use the model for prediction purpose on test set of the data. The
results show the advancement of the adaptive RSSL algorithm in most of the
cases compared with the synonym (conventional) machine learning algorithms.
|
The Power of Randomization: Distributed Submodular Maximization on
Massive Datasets | A wide variety of problems in machine learning, including exemplar
clustering, document summarization, and sensor placement, can be cast as
constrained submodular maximization problems. Unfortunately, the resulting
submodular optimization problems are often too large to be solved on a single
machine. We develop a simple distributed algorithm that is embarrassingly
parallel and it achieves provable, constant factor, worst-case approximation
guarantees. In our experiments, we demonstrate its efficiency in large problems
with different kinds of constraints with objective values always close to what
is achievable in the centralized setting.
|
Efficient model-based reinforcement learning for approximate online
optimal | In this paper the infinite horizon optimal regulation problem is solved
online for a deterministic control-affine nonlinear dynamical system using the
state following (StaF) kernel method to approximate the value function. Unlike
traditional methods that aim to approximate a function over a large compact
set, the StaF kernel method aims to approximate a function in a small
neighborhood of a state that travels within a compact set. Simulation results
demonstrate that stability and approximate optimality of the control system can
be achieved with significantly fewer basis functions than may be required for
global approximation methods.
|
Random Coordinate Descent Methods for Minimizing Decomposable Submodular
Functions | Submodular function minimization is a fundamental optimization problem that
arises in several applications in machine learning and computer vision. The
problem is known to be solvable in polynomial time, but general purpose
algorithms have high running times and are unsuitable for large-scale problems.
Recent work have used convex optimization techniques to obtain very practical
algorithms for minimizing functions that are sums of ``simple" functions. In
this paper, we use random coordinate descent methods to obtain algorithms with
faster linear convergence rates and cheaper iteration costs. Compared to
alternating projection methods, our algorithms do not rely on full-dimensional
vector operations and they converge in significantly fewer iterations.
|
Optimal and Adaptive Algorithms for Online Boosting | We study online boosting, the task of converting any weak online learner into
a strong online learner. Based on a novel and natural definition of weak online
learnability, we develop two online boosting algorithms. The first algorithm is
an online version of boost-by-majority. By proving a matching lower bound, we
show that this algorithm is essentially optimal in terms of the number of weak
learners and the sample complexity needed to achieve a specified accuracy. This
optimal algorithm is not adaptive however. Using tools from online loss
minimization, we derive an adaptive online boosting algorithm that is also
parameter-free, but not optimal. Both algorithms work with base learners that
can handle example importance weights directly, as well as by rejection
sampling examples with probability defined by the booster. Results are
complemented with an extensive experimental study.
|
Learning Reductions that Really Work | We provide a summary of the mathematical and computational techniques that
have enabled learning reductions to effectively address a wide class of
problems, and show that this approach to solving machine learning problems can
be broadly useful.
|
Scalable Multilabel Prediction via Randomized Methods | Modeling the dependence between outputs is a fundamental challenge in
multilabel classification. In this work we show that a generic regularized
nonlinearity mapping independent predictions to joint predictions is sufficient
to achieve state-of-the-art performance on a variety of benchmark problems.
Crucially, we compute the joint predictions without ever obtaining any
independent predictions, while incorporating low-rank and smoothness
regularization. We achieve this by leveraging randomized algorithms for matrix
decomposition and kernel approximation. Furthermore, our techniques are
applicable to the multiclass setting. We apply our method to a variety of
multiclass and multilabel data sets, obtaining state-of-the-art results.
|
Generative Moment Matching Networks | We consider the problem of learning deep generative models from data. We
formulate a method that generates an independent sample via a single
feedforward pass through a multilayer perceptron, as in the recently proposed
generative adversarial networks (Goodfellow et al., 2014). Training a
generative adversarial network, however, requires careful optimization of a
difficult minimax program. Instead, we utilize a technique from statistical
hypothesis testing known as maximum mean discrepancy (MMD), which leads to a
simple objective that can be interpreted as matching all orders of statistics
between a dataset and samples from the model, and can be trained by
backpropagation. We further boost the performance of this approach by combining
our generative network with an auto-encoder network, using MMD to learn to
generate codes that can then be decoded to produce samples. We show that the
combination of these techniques yields excellent generative models compared to
baseline approaches as measured on MNIST and the Toronto Face Database.
|
Cascading Bandits: Learning to Rank in the Cascade Model | A search engine usually outputs a list of $K$ web pages. The user examines
this list, from the first web page to the last, and chooses the first
attractive page. This model of user behavior is known as the cascade model. In
this paper, we propose cascading bandits, a learning variant of the cascade
model where the objective is to identify $K$ most attractive items. We
formulate our problem as a stochastic combinatorial partial monitoring problem.
We propose two algorithms for solving it, CascadeUCB1 and CascadeKL-UCB. We
also prove gap-dependent upper bounds on the regret of these algorithms and
derive a lower bound on the regret in cascading bandits. The lower bound
matches the upper bound of CascadeKL-UCB up to a logarithmic factor. We
experiment with our algorithms on several problems. The algorithms perform
surprisingly well even when our modeling assumptions are violated.
|
Learning Transferable Features with Deep Adaptation Networks | Recent studies reveal that a deep neural network can learn transferable
features which generalize well to novel tasks for domain adaptation. However,
as deep features eventually transition from general to specific along the
network, the feature transferability drops significantly in higher layers with
increasing domain discrepancy. Hence, it is important to formally reduce the
dataset bias and enhance the transferability in task-specific layers. In this
paper, we propose a new Deep Adaptation Network (DAN) architecture, which
generalizes deep convolutional neural network to the domain adaptation
scenario. In DAN, hidden representations of all task-specific layers are
embedded in a reproducing kernel Hilbert space where the mean embeddings of
different domain distributions can be explicitly matched. The domain
discrepancy is further reduced using an optimal multi-kernel selection method
for mean embedding matching. DAN can learn transferable features with
statistical guarantees, and can scale linearly by unbiased estimate of kernel
embedding. Extensive empirical evidence shows that the proposed architecture
yields state-of-the-art image classification error rates on standard domain
adaptation benchmarks.
|
Probabilistic Line Searches for Stochastic Optimization | In deterministic optimization, line searches are a standard tool ensuring
stability and efficiency. Where only stochastic gradients are available, no
direct equivalent has so far been formulated, because uncertain gradients do
not allow for a strict sequence of decisions collapsing the search space. We
construct a probabilistic line search by combining the structure of existing
deterministic methods with notions from Bayesian optimization. Our method
retains a Gaussian process surrogate of the univariate optimization objective,
and uses a probabilistic belief over the Wolfe conditions to monitor the
descent. The algorithm has very low computational cost, and no user-controlled
parameters. Experiments show that it effectively removes the need to define a
learning rate for stochastic gradient descent.
|
Gaussian Processes for Data-Efficient Learning in Robotics and Control | Autonomous learning has been a promising direction in control and robotics
for more than a decade since data-driven learning allows to reduce the amount
of engineering knowledge, which is otherwise required. However, autonomous
reinforcement learning (RL) approaches typically require many interactions with
the system to learn controllers, which is a practical limitation in real
systems, such as robots, where many interactions can be impractical and time
consuming. To address this problem, current learning approaches typically
require task-specific knowledge in form of expert demonstrations, realistic
simulators, pre-shaped policies, or specific knowledge about the underlying
dynamics. In this article, we follow a different approach and speed up learning
by extracting more information from data. In particular, we learn a
probabilistic, non-parametric Gaussian process transition model of the system.
By explicitly incorporating model uncertainty into long-term planning and
controller learning our approach reduces the effects of model errors, a key
problem in model-based learning. Compared to state-of-the art RL our
model-based policy search method achieves an unprecedented speed of learning.
We demonstrate its applicability to autonomous learning in real robot and
control tasks.
|
Show, Attend and Tell: Neural Image Caption Generation with Visual
Attention | Inspired by recent work in machine translation and object detection, we
introduce an attention based model that automatically learns to describe the
content of images. We describe how we can train this model in a deterministic
manner using standard backpropagation techniques and stochastically by
maximizing a variational lower bound. We also show through visualization how
the model is able to automatically learn to fix its gaze on salient objects
while generating the corresponding words in the output sequence. We validate
the use of attention with state-of-the-art performance on three benchmark
datasets: Flickr8k, Flickr30k and MS COCO.
|
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.