title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Population-Contrastive-Divergence: Does Consistency help with RBM
training? | Estimating the log-likelihood gradient with respect to the parameters of a
Restricted Boltzmann Machine (RBM) typically requires sampling using Markov
Chain Monte Carlo (MCMC) techniques. To save computation time, the Markov
chains are only run for a small number of steps, which leads to a biased
estimate. This bias can cause RBM training algorithms such as Contrastive
Divergence (CD) learning to deteriorate. We adopt the idea behind Population
Monte Carlo (PMC) methods to devise a new RBM training algorithm termed
Population-Contrastive-Divergence (pop-CD). Compared to CD, it leads to a
consistent estimate and may have a significantly lower bias. Its computational
overhead is negligible compared to CD. However, the variance of the gradient
estimate increases. We experimentally show that pop-CD can significantly
outperform CD. In many cases, we observed a smaller bias and achieved higher
log-likelihood values. However, when the RBM distribution has many hidden
neurons, the consistent estimate of pop-CD may still have a considerable bias
and the variance of the gradient estimate requires a smaller learning rate.
Thus, despite its superior theoretical properties, it is not advisable to use
pop-CD in its current form on large problems.
|
Large-scale subspace clustering using sketching and validation | The nowadays massive amounts of generated and communicated data present major
challenges in their processing. While capable of successfully classifying
nonlinearly separable objects in various settings, subspace clustering (SC)
methods incur prohibitively high computational complexity when processing
large-scale data. Inspired by the random sampling and consensus (RANSAC)
approach to robust regression, the present paper introduces a randomized scheme
for SC, termed sketching and validation (SkeVa-)SC, tailored for large-scale
data. At the heart of SkeVa-SC lies a randomized scheme for approximating the
underlying probability density function of the observed data by kernel
smoothing arguments. Sparsity in data representations is also exploited to
reduce the computational burden of SC, while achieving high clustering
accuracy. Performance analysis as well as extensive numerical tests on
synthetic and real data corroborate the potential of SkeVa-SC and its
competitive performance relative to state-of-the-art scalable SC approaches.
Keywords: Subspace clustering, big data, kernel smoothing, randomization,
sketching, validation, sparsity.
|
Structured Transforms for Small-Footprint Deep Learning | We consider the task of building compact deep learning pipelines suitable for
deployment on storage and power constrained mobile devices. We propose a
unified framework to learn a broad family of structured parameter matrices that
are characterized by the notion of low displacement rank. Our structured
transforms admit fast function and gradient evaluation, and span a rich range
of parameter sharing configurations whose statistical modeling capacity can be
explicitly tuned along a continuum from structured to unstructured.
Experimental results show that these transforms can significantly accelerate
inference and forward/backward passes during training, and offer superior
accuracy-compactness-speed tradeoffs in comparison to a number of existing
techniques. In keyword spotting applications in mobile speech recognition, our
methods are much more effective than standard linear low-rank bottleneck layers
and nearly retain the performance of state of the art models, while providing
more than 3.5-fold compression.
|
Efficient Per-Example Gradient Computations | This technical report describes an efficient technique for computing the norm
of the gradient of the loss function for a neural network with respect to its
parameters. This gradient norm can be computed efficiently for every example.
|
Stochastic Optimization for Deep CCA via Nonlinear Orthogonal Iterations | Deep CCA is a recently proposed deep neural network extension to the
traditional canonical correlation analysis (CCA), and has been successful for
multi-view representation learning in several domains. However, stochastic
optimization of the deep CCA objective is not straightforward, because it does
not decouple over training examples. Previous optimizers for deep CCA are
either batch-based algorithms or stochastic optimization using large
minibatches, which can have high memory consumption. In this paper, we tackle
the problem of stochastic optimization for deep CCA with small minibatches,
based on an iterative solution to the CCA objective, and show that we can
achieve as good performance as previous optimizers and thus alleviate the
memory requirement.
|
Data-Efficient Learning of Feedback Policies from Image Pixels using
Deep Dynamical Models | Data-efficient reinforcement learning (RL) in continuous state-action spaces
using very high-dimensional observations remains a key challenge in developing
fully autonomous systems. We consider a particularly important instance of this
challenge, the pixels-to-torques problem, where an RL agent learns a
closed-loop control policy ("torques") 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 for learning a low-dimensional feature
embedding of images jointly with a predictive model in this low-dimensional
feature space. Joint learning is crucial for long-term predictions, which lie
at the core of the adaptive nonlinear model predictive control strategy that we
use for closed-loop control. Compared to state-of-the-art RL methods for
continuous states and actions, our approach learns quickly, scales to
high-dimensional state spaces, is lightweight and an important step toward
fully autonomous end-to-end learning from pixels to torques.
|
Empirical Analysis of Sampling Based Estimators for Evaluating RBMs | The Restricted Boltzmann Machines (RBM) can be used either as classifiers or
as generative models. The quality of the generative RBM is measured through the
average log-likelihood on test data. Due to the high computational complexity
of evaluating the partition function, exact calculation of test log-likelihood
is very difficult. In recent years some estimation methods are suggested for
approximate computation of test log-likelihood. In this paper we present an
empirical comparison of the main estimation methods, namely, the AIS algorithm
for estimating the partition function, the CSL method for directly estimating
the log-likelihood, and the RAISE algorithm that combines these two ideas. We
use the MNIST data set to learn the RBM and then compare these methods for
estimating the test log-likelihood.
|
Texture Modelling with Nested High-order Markov-Gibbs Random Fields | Currently, Markov-Gibbs random field (MGRF) image models which include
high-order interactions are almost always built by modelling responses of a
stack of local linear filters. Actual interaction structure is specified
implicitly by the filter coefficients. In contrast, we learn an explicit
high-order MGRF structure by considering the learning process in terms of
general exponential family distributions nested over base models, so that
potentials added later can build on previous ones. We relatively rapidly add
new features by skipping over the costly optimisation of parameters.
We introduce the use of local binary patterns as features in MGRF texture
models, and generalise them by learning offsets to the surrounding pixels.
These prove effective as high-order features, and are fast to compute. Several
schemes for selecting high-order features by composition or search of a small
subclass are compared. Additionally we present a simple modification of the
maximum likelihood as a texture modelling-specific objective function which
aims to improve generalisation by local windowing of statistics.
The proposed method was experimentally evaluated by learning high-order MGRF
models for a broad selection of complex textures and then performing texture
synthesis, and succeeded on much of the continuum from stochastic through
irregularly structured to near-regular textures. Learning interaction structure
is very beneficial for textures with large-scale structure, although those with
complex irregular structure still provide difficulties. The texture models were
also quantitatively evaluated on two tasks and found to be competitive with
other works: grading of synthesised textures by a panel of observers; and
comparison against several recent MGRF models by evaluation on a constrained
inpainting task.
|
Mapping Unseen Words to Task-Trained Embedding Spaces | We consider the supervised training setting in which we learn task-specific
word embeddings. We assume that we start with initial embeddings learned from
unlabelled data and update them to learn task-specific embeddings for words in
the supervised training data. However, for new words in the test set, we must
use either their initial embeddings or a single unknown embedding, which often
leads to errors. We address this by learning a neural network to map from
initial embeddings to the task-specific embedding space, via a multi-loss
objective function. The technique is general, but here we demonstrate its use
for improved dependency parsing (especially for sentences with
out-of-vocabulary words), as well as for downstream improvements on sentiment
analysis.
|
Distilling Model Knowledge | Top-performing machine learning systems, such as deep neural networks, large
ensembles and complex probabilistic graphical models, can be expensive to
store, slow to evaluate and hard to integrate into larger systems. Ideally, we
would like to replace such cumbersome models with simpler models that perform
equally well.
In this thesis, we study knowledge distillation, the idea of extracting the
knowledge contained in a complex model and injecting it into a more convenient
model. We present a general framework for knowledge distillation, whereby a
convenient model of our choosing learns how to mimic a complex model, by
observing the latter's behaviour and being penalized whenever it fails to
reproduce it.
We develop our framework within the context of three distinct machine
learning applications: (a) model compression, where we compress large
discriminative models, such as ensembles of neural networks, into models of
much smaller size; (b) compact predictive distributions for Bayesian inference,
where we distil large bags of MCMC samples into compact predictive
distributions in closed form; (c) intractable generative models, where we
distil unnormalizable models such as RBMs into tractable models such as NADEs.
We contribute to the state of the art with novel techniques and ideas. In
model compression, we describe and implement derivative matching, which allows
for better distillation when data is scarce. In compact predictive
distributions, we introduce online distillation, which allows for significant
savings in memory. Finally, in intractable generative models, we show how to
use distilled models to robustly estimate intractable quantities of the
original model, such as its intractable partition function.
|
Uniform Learning in a Deep Neural Network via "Oddball" Stochastic
Gradient Descent | When training deep neural networks, it is typically assumed that the training
examples are uniformly difficult to learn. Or, to restate, it is assumed that
the training error will be uniformly distributed across the training examples.
Based on these assumptions, each training example is used an equal number of
times. However, this assumption may not be valid in many cases. "Oddball SGD"
(novelty-driven stochastic gradient descent) was recently introduced to drive
training probabilistically according to the error distribution - training
frequency is proportional to training error magnitude. In this article, using a
deep neural network to encode a video, we show that oddball SGD can be used to
enforce uniform error across the training set.
|
New Optimisation Methods for Machine Learning | A thesis submitted for the degree of Doctor of Philosophy of The Australian
National University.
In this work we introduce several new optimisation methods for problems in
machine learning. Our algorithms broadly fall into two categories: optimisation
of finite sums and of graph structured objectives. The finite sum problem is
simply the minimisation of objective functions that are naturally expressed as
a summation over a large number of terms, where each term has a similar or
identical weight. Such objectives most often appear in machine learning in the
empirical risk minimisation framework in the non-online learning setting. The
second category, that of graph structured objectives, consists of objectives
that result from applying maximum likelihood to Markov random field models.
Unlike the finite sum case, all the non-linearity is contained within a
partition function term, which does not readily decompose into a summation.
For the finite sum problem, we introduce the Finito and SAGA algorithms, as
well as variants of each.
For graph-structured problems, we take three complementary approaches. We
look at learning the parameters for a fixed structure, learning the structure
independently, and learning both simultaneously. Specifically, for the combined
approach, we introduce a new method for encouraging graph structures with the
"scale-free" property. For the structure learning problem, we establish
SHORTCUT, a O(n^{2.5}) expected time approximate structure learning method for
Gaussian graphical models. For problems where the structure is known but the
parameters unknown, we introduce an approximate maximum likelihood learning
algorithm that is capable of learning a useful subclass of Gaussian graphical
models.
|
Functional Frank-Wolfe Boosting for General Loss Functions | Boosting is a generic learning method for classification and regression. Yet,
as the number of base hypotheses becomes larger, boosting can lead to a
deterioration of test performance. Overfitting is an important and ubiquitous
phenomenon, especially in regression settings. To avoid overfitting, we
consider using $l_1$ regularization. We propose a novel Frank-Wolfe type
boosting algorithm (FWBoost) applied to general loss functions. By using
exponential loss, the FWBoost algorithm can be rewritten as a variant of
AdaBoost for binary classification. FWBoost algorithms have exactly the same
form as existing boosting methods, in terms of making calls to a base learning
algorithm with different weights update. This direct connection between
boosting and Frank-Wolfe yields a new algorithm that is as practical as
existing boosting methods but with new guarantees and rates of convergence.
Experimental results show that the test performance of FWBoost is not degraded
with larger rounds in boosting, which is consistent with the theoretical
analysis.
|
Technical Report of Participation in Higgs Boson Machine Learning
Challenge | This report entails the detailed description of the approach and
methodologies taken as part of competing in the Higgs Boson Machine Learning
Competition hosted by Kaggle Inc. and organized by CERN et al. It briefly
describes the theoretical background of the problem and the motivation for
taking part in the competition. Furthermore, the various machine learning
models and algorithms analyzed and implemented during the 4 month period of
participation are discussed and compared. Special attention is paid to the Deep
Learning techniques and architectures implemented from scratch using Python and
NumPy for this competition.
|
Some Theory For Practical Classifier Validation | We compare and contrast two approaches to validating a trained classifier
while using all in-sample data for training. One is simultaneous validation
over an organized set of hypotheses (SVOOSH), the well-known method that began
with VC theory. The other is withhold and gap (WAG). WAG withholds a validation
set, trains a holdout classifier on the remaining data, uses the validation
data to validate that classifier, then adds the rate of disagreement between
the holdout classifier and one trained using all in-sample data, which is an
upper bound on the difference in error rates. We show that complex hypothesis
classes and limited training data can make WAG a favorable alternative.
|
Feedforward Sequential Memory Neural Networks without Recurrent Feedback | We introduce a new structure for memory neural networks, called feedforward
sequential memory networks (FSMN), which can learn long-term dependency without
using recurrent feedback. The proposed FSMN is a standard feedforward neural
networks equipped with learnable sequential memory blocks in the hidden layers.
In this work, we have applied FSMN to several language modeling (LM) tasks.
Experimental results have shown that the memory blocks in FSMN can learn
effective representations of long history. Experiments have shown that FSMN
based language models can significantly outperform not only feedforward neural
network (FNN) based LMs but also the popular recurrent neural network (RNN)
LMs.
|
Conditional Risk Minimization for Stochastic Processes | We study the task of learning from non-i.i.d. data. In particular, we aim at
learning predictors that minimize the conditional risk for a stochastic
process, i.e. the expected loss of the predictor on the next point conditioned
on the set of training samples observed so far. For non-i.i.d. data, the
training set contains information about the upcoming samples, so learning with
respect to the conditional distribution can be expected to yield better
predictors than one obtains from the classical setting of minimizing the
marginal risk. Our main contribution is a practical estimator for the
conditional risk based on the theory of non-parametric time-series prediction,
and a finite sample concentration bound that establishes uniform convergence of
the estimator to the true conditional risk under certain regularity assumptions
on the process.
|
Large-scale Artificial Neural Network: MapReduce-based Deep Learning | Faced with continuously increasing scale of data, original back-propagation
neural network based machine learning algorithm presents two non-trivial
challenges: huge amount of data makes it difficult to maintain both efficiency
and accuracy; redundant data aggravates the system workload. This project is
mainly focused on the solution to the issues above, combining deep learning
algorithm with cloud computing platform to deal with large-scale data. A
MapReduce-based handwriting character recognizer will be designed in this
project to verify the efficiency improvement this mechanism will achieve on
training and practical large-scale data. Careful discussion and experiment will
be developed to illustrate how deep learning algorithm works to train
handwritten digits data, how MapReduce is implemented on deep learning neural
network, and why this combination accelerates computation. Besides performance,
the scalability and robustness will be mentioned in this report as well. Our
system comes with two demonstration software that visually illustrates our
handwritten digit recognition/encoding application.
|
Early Inference in Energy-Based Models Approximates Back-Propagation | We show that Langevin MCMC inference in an energy-based model with latent
variables has the property that the early steps of inference, starting from a
stationary point, correspond to propagating error gradients into internal
layers, similarly to back-propagation. The error that is back-propagated is
with respect to visible units that have received an outside driving force
pushing them away from the stationary point. Back-propagated error gradients
correspond to temporal derivatives of the activation of hidden units. This
observation could be an element of a theory for explaining how brains perform
credit assignment in deep hierarchies as efficiently as back-propagation does.
In this theory, the continuous-valued latent variables correspond to averaged
voltage potential (across time, spikes, and possibly neurons in the same
minicolumn), and neural computation corresponds to approximate inference and
error back-propagation at the same time.
|
On the Complexity of Inner Product Similarity Join | A number of tasks in classification, information retrieval, recommendation
systems, and record linkage reduce to the core problem of inner product
similarity join (IPS join): identifying pairs of vectors in a collection that
have a sufficiently large inner product. IPS join is well understood when
vectors are normalized and some approximation of inner products is allowed.
However, the general case where vectors may have any length appears much more
challenging. Recently, new upper bounds based on asymmetric locality-sensitive
hashing (ALSH) and asymmetric embeddings have emerged, but little has been
known on the lower bound side. In this paper we initiate a systematic study of
inner product similarity join, showing new lower and upper bounds. Our main
results are:
* Approximation hardness of IPS join in subquadratic time, assuming the
strong exponential time hypothesis.
* New upper and lower bounds for (A)LSH-based algorithms. In particular, we
show that asymmetry can be avoided by relaxing the LSH definition to only
consider the collision probability of distinct elements.
* A new indexing method for IPS based on linear sketches, implying that our
hardness results are not far from being tight.
Our technical contributions include new asymmetric embeddings that may be of
independent interest. At the conceptual level we strive to provide greater
clarity, for example by distinguishing among signed and unsigned variants of
IPS join and shedding new light on the effect of asymmetry.
|
On the Definiteness of Earth Mover's Distance and Its Relation to Set
Intersection | Positive definite kernels are an important tool in machine learning that
enable efficient solutions to otherwise difficult or intractable problems by
implicitly linearizing the problem geometry. In this paper we develop a
set-theoretic interpretation of the Earth Mover's Distance (EMD) and propose
Earth Mover's Intersection (EMI), a positive definite analog to EMD for sets of
different sizes. We provide conditions under which EMD or certain
approximations to EMD are negative definite. We also present a
positive-definite-preserving transformation that can be applied to any kernel
and can also be used to derive positive definite EMD-based kernels and show
that the Jaccard index is simply the result of this transformation. Finally, we
evaluate kernels based on EMI and the proposed transformation versus EMD in
various computer vision tasks and show that EMD is generally inferior even with
indefinite kernel techniques.
|
Active Learning from Weak and Strong Labelers | An active learner is given a hypothesis class, a large set of unlabeled
examples and the ability to interactively query labels to an oracle of a subset
of these examples; the goal of the learner is to learn a hypothesis in the
class that fits the data well by making as few label queries as possible.
This work addresses active learning with labels obtained from strong and weak
labelers, where in addition to the standard active learning setting, we have an
extra weak labeler which may occasionally provide incorrect labels. An example
is learning to classify medical images where either expensive labels may be
obtained from a physician (oracle or strong labeler), or cheaper but
occasionally incorrect labels may be obtained from a medical resident (weak
labeler). Our goal is to learn a classifier with low error on data labeled by
the oracle, while using the weak labeler to reduce the number of label queries
made to this labeler. We provide an active learning algorithm for this setting,
establish its statistical consistency, and analyze its label complexity to
characterize when it can provide label savings over using the strong labeler
alone.
|
AtomNet: A Deep Convolutional Neural Network for Bioactivity Prediction
in Structure-based Drug Discovery | Deep convolutional neural networks comprise a subclass of deep neural
networks (DNN) with a constrained architecture that leverages the spatial and
temporal structure of the domain they model. Convolutional networks achieve the
best predictive performance in areas such as speech and image recognition by
hierarchically composing simple local features into complex models. Although
DNNs have been used in drug discovery for QSAR and ligand-based bioactivity
predictions, none of these models have benefited from this powerful
convolutional architecture. This paper introduces AtomNet, the first
structure-based, deep convolutional neural network designed to predict the
bioactivity of small molecules for drug discovery applications. We demonstrate
how to apply the convolutional concepts of feature locality and hierarchical
composition to the modeling of bioactivity and chemical interactions. In
further contrast to existing DNN techniques, we show that AtomNet's application
of local convolutional filters to structural target information successfully
predicts new active molecules for targets with no previously known modulators.
Finally, we show that AtomNet outperforms previous docking approaches on a
diverse set of benchmarks by a large margin, achieving an AUC greater than 0.9
on 57.8% of the targets in the DUDE benchmark.
|
TSEB: More Efficient Thompson Sampling for Policy Learning | In model-based solution approaches to the problem of learning in an unknown
environment, exploring to learn the model parameters takes a toll on the
regret. The optimal performance with respect to regret or PAC bounds is
achievable, if the algorithm exploits with respect to reward or explores with
respect to the model parameters, respectively. In this paper, we propose TSEB,
a Thompson Sampling based algorithm with adaptive exploration bonus that aims
to solve the problem with tighter PAC guarantees, while being cautious on the
regret as well. The proposed approach maintains distributions over the model
parameters which are successively refined with more experience. At any given
time, the agent solves a model sampled from this distribution, and the sampled
reward distribution is skewed by an exploration bonus in order to generate more
informative exploration. The policy by solving is then used for generating more
experience that helps in updating the posterior over the model parameters. We
provide a detailed analysis of the PAC guarantees, and convergence of the
proposed approach. We show that our adaptive exploration bonus encourages the
additional exploration required for better PAC bounds on the algorithm. We
provide empirical analysis on two different simulated domains.
|
Attend, Adapt and Transfer: Attentive Deep Architecture for Adaptive
Transfer from multiple sources in the same domain | Transferring knowledge from prior source tasks in solving a new target task
can be useful in several learning applications. The application of transfer
poses two serious challenges which have not been adequately addressed. First,
the agent should be able to avoid negative transfer, which happens when the
transfer hampers or slows down the learning instead of helping it. Second, the
agent should be able to selectively transfer, which is the ability to select
and transfer from different and multiple source tasks for different parts of
the state space of the target task. We propose A2T (Attend, Adapt and
Transfer), an attentive deep architecture which adapts and transfers from these
source tasks. Our model is generic enough to effect transfer of either policies
or value functions. Empirical evaluations on different learning algorithms show
that A2T is an effective architecture for transfer by being able to avoid
negative transfer while transferring selectively from multiple source tasks in
the same domain.
|
Survey on Feature Selection | Feature selection plays an important role in the data mining process. It is
needed to deal with the excessive number of features, which can become a
computational burden on the learning algorithms. It is also necessary, even
when computational resources are not scarce, since it improves the accuracy of
the machine learning tasks, as we will see in the upcoming sections. In this
review, we discuss the different feature selection approaches, and the relation
between them and the various machine learning algorithms.
|
Evaluation of Joint Multi-Instance Multi-Label Learning For Breast
Cancer Diagnosis | Multi-instance multi-label (MIML) learning is a challenging problem in many
aspects. Such learning approaches might be useful for many medical diagnosis
applications including breast cancer detection and classification. In this
study subset of digiPATH dataset (whole slide digital breast cancer
histopathology images) are used for training and evaluation of six
state-of-the-art MIML methods.
At the end, performance comparison of these approaches are given by means of
effective evaluation metrics. It is shown that MIML-kNN achieve the best
performance that is %65.3 average precision, where most of other methods attain
acceptable results as well.
|
Do Deep Neural Networks Learn Facial Action Units When Doing Expression
Recognition? | Despite being the appearance-based classifier of choice in recent years,
relatively few works have examined how much convolutional neural networks
(CNNs) can improve performance on accepted expression recognition benchmarks
and, more importantly, examine what it is they actually learn. In this work,
not only do we show that CNNs can achieve strong performance, but we also
introduce an approach to decipher which portions of the face influence the
CNN's predictions. First, we train a zero-bias CNN on facial expression data
and achieve, to our knowledge, state-of-the-art performance on two expression
recognition benchmarks: the extended Cohn-Kanade (CK+) dataset and the Toronto
Face Dataset (TFD). We then qualitatively analyze the network by visualizing
the spatial patterns that maximally excite different neurons in the
convolutional layers and show how they resemble Facial Action Units (FAUs).
Finally, we use the FAU labels provided in the CK+ dataset to verify that the
FAUs observed in our filter visualizations indeed align with the subject's
facial movements.
|
OmniGraph: Rich Representation and Graph Kernel Learning | OmniGraph, a novel representation to support a range of NLP classification
tasks, integrates lexical items, syntactic dependencies and frame semantic
parses into graphs. Feature engineering is folded into the learning through
convolution graph kernel learning to explore different extents of the graph. A
high-dimensional space of features includes individual nodes as well as complex
subgraphs. In experiments on a text-forecasting problem that predicts stock
price change from news for company mentions, OmniGraph beats several benchmarks
based on bag-of-words, syntactic dependencies, and semantic trees. The highly
expressive features OmniGraph discovers provide insights into the semantics
across distinct market sectors. To demonstrate the method's generality, we also
report its high performance results on a fine-grained sentiment corpus.
|
Neural Networks with Few Multiplications | For most deep learning algorithms training is notoriously time consuming.
Since most of the computation in training neural networks is typically spent on
floating point multiplications, we investigate an approach to training that
eliminates the need for most of these. Our method consists of two parts: First
we stochastically binarize weights to convert multiplications involved in
computing hidden states to sign changes. Second, while back-propagating error
derivatives, in addition to binarizing the weights, we quantize the
representations at each layer to convert the remaining multiplications into
binary shifts. Experimental results across 3 popular datasets (MNIST, CIFAR10,
SVHN) show that this approach not only does not hurt classification performance
but can result in even better performance than standard stochastic gradient
descent training, paving the way to fast, hardware-friendly training of neural
networks.
|
On Correcting Inputs: Inverse Optimization for Online Structured
Prediction | Algorithm designers typically assume that the input data is correct, and then
proceed to find "optimal" or "sub-optimal" solutions using this input data.
However this assumption of correct data does not always hold in practice,
especially in the context of online learning systems where the objective is to
learn appropriate feature weights given some training samples. Such scenarios
necessitate the study of inverse optimization problems where one is given an
input instance as well as a desired output and the task is to adjust the input
data so that the given output is indeed optimal. Motivated by learning
structured prediction models, in this paper we consider inverse optimization
with a margin, i.e., we require the given output to be better than all other
feasible outputs by a desired margin. We consider such inverse optimization
problems for maximum weight matroid basis, matroid intersection, perfect
matchings, minimum cost maximum flows, and shortest paths and derive the first
known results for such problems with a non-zero margin. The effectiveness of
these algorithmic approaches to online learning for structured prediction is
also discussed.
|
Context-Aware Bandits | We propose an efficient Context-Aware clustering of Bandits (CAB) algorithm,
which can capture collaborative effects. CAB can be easily deployed in a
real-world recommendation system, where multi-armed bandits have been shown to
perform well in particular with respect to the cold-start problem. CAB utilizes
a context-aware clustering augmented by exploration-exploitation strategies.
CAB dynamically clusters the users based on the content universe under
consideration. We give a theoretical analysis in the standard stochastic
multi-armed bandits setting. We show the efficiency of our approach on
production and real-world datasets, demonstrate the scalability, and, more
importantly, the significant increased prediction performance against several
state-of-the-art methods.
|
VB calibration to improve the interface between phone recognizer and
i-vector extractor | The EM training algorithm of the classical i-vector extractor is often
incorrectly described as a maximum-likelihood method. The i-vector model is
however intractable: the likelihood itself and the hidden-variable posteriors
needed for the EM algorithm cannot be computed in closed form. We show here
that the classical i-vector extractor recipe is actually a mean-field
variational Bayes (VB) recipe.
This theoretical VB interpretation turns out to be of further use, because it
also offers an interpretation of the newer phonetic i-vector extractor recipe,
thereby unifying the two flavours of extractor.
More importantly, the VB interpretation is also practically useful: it
suggests ways of modifying existing i-vector extractors to make them more
accurate. In particular, in existing methods, the approximate VB posterior for
the GMM states is fixed, while only the parameters of the generative model are
adapted. Here we explore the possibility of also mildly adjusting (calibrating)
those posteriors, so that they better fit the generative model.
|
The Inductive Constraint Programming Loop | Constraint programming is used for a variety of real-world optimisation
problems, such as planning, scheduling and resource allocation problems. At the
same time, one continuously gathers vast amounts of data about these problems.
Current constraint programming software does not exploit such data to update
schedules, resources and plans. We propose a new framework, that we call the
Inductive Constraint Programming loop. In this approach data is gathered and
analyzed systematically, in order to dynamically revise and adapt constraints
and optimization criteria. Inductive Constraint Programming aims at bridging
the gap between the areas of data mining and machine learning on the one hand,
and constraint programming on the other hand.
|
Evaluating Real-time Anomaly Detection Algorithms - the Numenta Anomaly
Benchmark | Much of the world's data is streaming, time-series data, where anomalies give
significant information in critical situations; examples abound in domains such
as finance, IT, security, medical, and energy. Yet detecting anomalies in
streaming data is a difficult task, requiring detectors to process data in
real-time, not batches, and learn while simultaneously making predictions.
There are no benchmarks to adequately test and score the efficacy of real-time
anomaly detectors. Here we propose the Numenta Anomaly Benchmark (NAB), which
attempts to provide a controlled and repeatable environment of open-source
tools to test and measure anomaly detection algorithms on streaming data. The
perfect detector would detect all anomalies as soon as possible, trigger no
false alarms, work with real-world time-series data across a variety of
domains, and automatically adapt to changing statistics. Rewarding these
characteristics is formalized in NAB, using a scoring algorithm designed for
streaming data. NAB evaluates detectors on a benchmark dataset with labeled,
real-world time-series data. We present these components, and give results and
analyses for several open source, commercially-used algorithms. The goal for
NAB is to provide a standard, open source framework with which the research
community can compare and evaluate different algorithms for detecting anomalies
in streaming data.
|
Toward a Better Understanding of Leaderboard | The leaderboard in machine learning competitions is a tool to show the
performance of various participants and to compare them. However, the
leaderboard quickly becomes no longer accurate, due to hack or overfitting.
This article gives two pieces of advice to prevent easy hack or overfitting. By
following these advice, we reach the conclusion that something like the Ladder
leaderboard introduced in [blum2015ladder] is inevitable. With this
understanding, we naturally simplify Ladder by eliminating its redundant
computation and explain how to choose the parameter and interpret it. We also
prove that the sample complexity is cubic to the desired precision of the
leaderboard.
|
Asymptotic Logical Uncertainty and The Benford Test | We give an algorithm A which assigns probabilities to logical sentences. For
any simple infinite sequence of sentences whose truth-values appear
indistinguishable from a biased coin that outputs "true" with probability p, we
have that the sequence of probabilities that A assigns to these sentences
converges to p.
|
The intrinsic value of HFO features as a biomarker of epileptic activity | High frequency oscillations (HFOs) are a promising biomarker of epileptic
brain tissue and activity. HFOs additionally serve as a prototypical example of
challenges in the analysis of discrete events in high-temporal resolution,
intracranial EEG data. Two primary challenges are 1) dimensionality reduction,
and 2) assessing feasibility of classification. Dimensionality reduction
assumes that the data lie on a manifold with dimension less than that of the
feature space. However, previous HFO analyses have assumed a linear manifold,
global across time, space (i.e. recording electrode/channel), and individual
patients. Instead, we assess both a) whether linear methods are appropriate and
b) the consistency of the manifold across time, space, and patients. We also
estimate bounds on the Bayes classification error to quantify the distinction
between two classes of HFOs (those occurring during seizures and those
occurring due to other processes). This analysis provides the foundation for
future clinical use of HFO features and buides the analysis for other discrete
events, such as individual action potentials or multi-unit activity.
|
$\ell_1$-regularized Neural Networks are Improperly Learnable in
Polynomial Time | We study the improper learning of multi-layer neural networks. Suppose that
the neural network to be learned has $k$ hidden layers and that the
$\ell_1$-norm of the incoming weights of any neuron is bounded by $L$. We
present a kernel-based method, such that with probability at least $1 -
\delta$, it learns a predictor whose generalization error is at most $\epsilon$
worse than that of the neural network. The sample complexity and the time
complexity of the presented method are polynomial in the input dimension and in
$(1/\epsilon,\log(1/\delta),F(k,L))$, where $F(k,L)$ is a function depending on
$(k,L)$ and on the activation function, independent of the number of neurons.
The algorithm applies to both sigmoid-like activation functions and ReLU-like
activation functions. It implies that any sufficiently sparse neural network is
learnable in polynomial time.
|
Elastic regularization in restricted Boltzmann machines: Dealing with
$p\gg N$ | Restricted Boltzmann machines (RBMs) are endowed with the universal power of
modeling (binary) joint distributions. Meanwhile, as a result of their
confining network structure, training RBMs confronts less difficulties
(compared with more complicated models, e.g., Boltzmann machines) when dealing
with approximation and inference issues. However, in certain computational
biology scenarios, such as the cancer data analysis, employing RBMs to model
data features may lose its efficacy due to the "$p\gg N$" problem, in which the
number of features/predictors is much larger than the sample size. The "$p\gg
N$" problem puts the bias-variance trade-off in a more crucial place when
designing statistical learning methods. In this manuscript, we try to address
this problem by proposing a novel RBM model, called elastic restricted
Boltzmann machine (eRBM), which incorporates the elastic regularization term
into the likelihood/cost function. We provide several theoretical analysis on
the superiority of our model. Furthermore, attributed to the classic
contrastive divergence (CD) algorithm, eRBMs can be trained efficiently. Our
novel model is a promising method for future cancer data analysis.
|
A Sensitivity Analysis of (and Practitioners' Guide to) Convolutional
Neural Networks for Sentence Classification | Convolutional Neural Networks (CNNs) have recently achieved remarkably strong
performance on the practically important task of sentence classification (kim
2014, kalchbrenner 2014, johnson 2014). However, these models require
practitioners to specify an exact model architecture and set accompanying
hyperparameters, including the filter region size, regularization parameters,
and so on. It is currently unknown how sensitive model performance is to
changes in these configurations for the task of sentence classification. We
thus conduct a sensitivity analysis of one-layer CNNs to explore the effect of
architecture components on model performance; our aim is to distinguish between
important and comparatively inconsequential design decisions for sentence
classification. We focus on one-layer CNNs (to the exclusion of more complex
models) due to their comparative simplicity and strong empirical performance,
which makes it a modern standard baseline method akin to Support Vector Machine
(SVMs) and logistic regression. We derive practical advice from our extensive
empirical results for those interested in getting the most out of CNNs for
sentence classification in real world settings.
|
Adopting Robustness and Optimality in Fitting and Learning | We generalized a modified exponentialized estimator by pushing the
robust-optimal (RO) index $\lambda$ to $-\infty$ for achieving robustness to
outliers by optimizing a quasi-Minimin function. The robustness is realized and
controlled adaptively by the RO index without any predefined threshold.
Optimality is guaranteed by expansion of the convexity region in the Hessian
matrix to largely avoid local optima. Detailed quantitative analysis on both
robustness and optimality are provided. The results of proposed experiments on
fitting tasks for three noisy non-convex functions and the digits recognition
task on the MNIST dataset consolidate the conclusions.
|
On Equivalence of Martingale Tail Bounds and Deterministic Regret
Inequalities | We study an equivalence of (i) deterministic pathwise statements appearing in
the online learning literature (termed \emph{regret bounds}), (ii)
high-probability tail bounds for the supremum of a collection of martingales
(of a specific form arising from uniform laws of large numbers for
martingales), and (iii) in-expectation bounds for the supremum. By virtue of
the equivalence, we prove exponential tail bounds for norms of Banach space
valued martingales via deterministic regret bounds for the online mirror
descent algorithm with an adaptive step size. We extend these results beyond
the linear structure of the Banach space: we define a notion of
\emph{martingale type} for general classes of real-valued functions and show
its equivalence (up to a logarithmic factor) to various sequential complexities
of the class (in particular, the sequential Rademacher complexity and its
offset version). For classes with the general martingale type 2, we exhibit a
finer notion of variation that allows partial adaptation to the function
indexing the martingale. Our proof technique rests on sequential symmetrization
and on certifying the \emph{existence} of regret minimization strategies for
certain online prediction problems.
|
A Bayesian Network Model for Interesting Itemsets | Mining itemsets that are the most interesting under a statistical model of
the underlying data is a commonly used and well-studied technique for
exploratory data analysis, with the most recent interestingness models
exhibiting state of the art performance. Continuing this highly promising line
of work, we propose the first, to the best of our knowledge, generative model
over itemsets, in the form of a Bayesian network, and an associated novel
measure of interestingness. Our model is able to efficiently infer interesting
itemsets directly from the transaction database using structural EM, in which
the E-step employs the greedy approximation to weighted set cover. Our approach
is theoretically simple, straightforward to implement, trivially parallelizable
and retrieves itemsets whose quality is comparable to, if not better than,
existing state of the art algorithms as we demonstrate on several real-world
datasets.
|
Embarrassingly Parallel Variational Inference in Nonconjugate Models | We develop a parallel variational inference (VI) procedure for use in
data-distributed settings, where each machine only has access to a subset of
data and runs VI independently, without communicating with other machines. This
type of "embarrassingly parallel" procedure has recently been developed for
MCMC inference algorithms; however, in many cases it is not possible to
directly extend this procedure to VI methods without requiring certain
restrictive exponential family conditions on the form of the model.
Furthermore, most existing (nonparallel) VI methods are restricted to use on
conditionally conjugate models, which limits their applicability. To combat
these issues, we make use of the recently proposed nonparametric VI to
facilitate an embarrassingly parallel VI procedure that can be applied to a
wider scope of models, including to nonconjugate models. We derive our
embarrassingly parallel VI algorithm, analyze our method theoretically, and
demonstrate our method empirically on a few nonconjugate models.
|
Improving Back-Propagation by Adding an Adversarial Gradient | The back-propagation algorithm is widely used for learning in artificial
neural networks. A challenge in machine learning is to create models that
generalize to new data samples not seen in the training data. Recently, a
common flaw in several machine learning algorithms was discovered: small
perturbations added to the input data lead to consistent misclassification of
data samples. Samples that easily mislead the model are called adversarial
examples. Training a "maxout" network on adversarial examples has shown to
decrease this vulnerability, but also increase classification performance. This
paper shows that adversarial training has a regularizing effect also in
networks with logistic, hyperbolic tangent and rectified linear units. A simple
extension to the back-propagation method is proposed, that adds an adversarial
gradient to the training. The extension requires an additional forward and
backward pass to calculate a modified input sample, or mini batch, used as
input for standard back-propagation learning. The first experimental results on
MNIST show that the "adversarial back-propagation" method increases the
resistance to adversarial examples and boosts the classification performance.
The extension reduces the classification error on the permutation invariant
MNIST from 1.60% to 0.95% in a logistic network, and from 1.40% to 0.78% in a
network with rectified linear units. Results on CIFAR-10 indicate that the
method has a regularizing effect similar to dropout in fully connected
networks. Based on these promising results, adversarial back-propagation is
proposed as a stand-alone regularizing method that should be further
investigated.
|
Group-Invariant Subspace Clustering | In this paper we consider the problem of group invariant subspace clustering
where the data is assumed to come from a union of group-invariant subspaces of
a vector space, i.e. subspaces which are invariant with respect to action of a
given group. Algebraically, such group-invariant subspaces are also referred to
as submodules. Similar to the well known Sparse Subspace Clustering approach
where the data is assumed to come from a union of subspaces, we analyze an
algorithm which, following a recent work [1], we refer to as Sparse Sub-module
Clustering (SSmC). The method is based on finding group-sparse
self-representation of data points. In this paper we primarily derive general
conditions under which such a group-invariant subspace identification is
possible. In particular we extend the geometric analysis in [2] and in the
process we identify a related problem in geometric functional analysis.
|
Scatter Component Analysis: A Unified Framework for Domain Adaptation
and Domain Generalization | This paper addresses classification tasks on a particular target domain in
which labeled training data are only available from source domains different
from (but related to) the target. Two closely related frameworks, domain
adaptation and domain generalization, are concerned with such tasks, where the
only difference between those frameworks is the availability of the unlabeled
target data: domain adaptation can leverage unlabeled target information, while
domain generalization cannot. We propose Scatter Component Analyis (SCA), a
fast representation learning algorithm that can be applied to both domain
adaptation and domain generalization. SCA is based on a simple geometrical
measure, i.e., scatter, which operates on reproducing kernel Hilbert space. SCA
finds a representation that trades between maximizing the separability of
classes, minimizing the mismatch between domains, and maximizing the
separability of data; each of which is quantified through scatter. The
optimization problem of SCA can be reduced to a generalized eigenvalue problem,
which results in a fast and exact solution. Comprehensive experiments on
benchmark cross-domain object recognition datasets verify that SCA performs
much faster than several state-of-the-art algorithms and also provides
state-of-the-art classification accuracy in both domain adaptation and domain
generalization. We also show that scatter can be used to establish a
theoretical generalization bound in the case of domain adaptation.
|
Dual Principal Component Pursuit | We consider the problem of learning a linear subspace from data corrupted by
outliers. Classical approaches are typically designed for the case in which the
subspace dimension is small relative to the ambient dimension. Our approach
works with a dual representation of the subspace and hence aims to find its
orthogonal complement; as such, it is particularly suitable for subspaces whose
dimension is close to the ambient dimension (subspaces of high relative
dimension). We pose the problem of computing normal vectors to the inlier
subspace as a non-convex $\ell_1$ minimization problem on the sphere, which we
call Dual Principal Component Pursuit (DPCP) problem. We provide theoretical
guarantees under which every global solution to DPCP is a vector in the
orthogonal complement of the inlier subspace. Moreover, we relax the non-convex
DPCP problem to a recursion of linear programs whose solutions are shown to
converge in a finite number of steps to a vector orthogonal to the subspace. In
particular, when the inlier subspace is a hyperplane, the solutions to the
recursion of linear programs converge to the global minimum of the non-convex
DPCP problem in a finite number of steps. We also propose algorithms based on
alternating minimization and iteratively re-weighted least squares, which are
suitable for dealing with large-scale data. Experiments on synthetic data show
that the proposed methods are able to handle more outliers and higher relative
dimensions than current state-of-the-art methods, while experiments in the
context of the three-view geometry problem in computer vision suggest that the
proposed methods can be a useful or even superior alternative to traditional
RANSAC-based approaches for computer vision and other applications.
|
Filtrated Spectral Algebraic Subspace Clustering | Algebraic Subspace Clustering (ASC) is a simple and elegant method based on
polynomial fitting and differentiation for clustering noiseless data drawn from
an arbitrary union of subspaces. In practice, however, ASC is limited to
equi-dimensional subspaces because the estimation of the subspace dimension via
algebraic methods is sensitive to noise. This paper proposes a new ASC
algorithm that can handle noisy data drawn from subspaces of arbitrary
dimensions. The key ideas are (1) to construct, at each point, a decreasing
sequence of subspaces containing the subspace passing through that point; (2)
to use the distances from any other point to each subspace in the sequence to
construct a subspace clustering affinity, which is superior to alternative
affinities both in theory and in practice. Experiments on the Hopkins 155
dataset demonstrate the superiority of the proposed method with respect to
sparse and low rank subspace clustering methods.
|
Online Markov decision processes with policy iteration | The online Markov decision process (MDP) is a generalization of the classical
Markov decision process that incorporates changing reward functions. In this
paper, we propose practical online MDP algorithms with policy iteration and
theoretically establish a sublinear regret bound. A notable advantage of the
proposed algorithm is that it can be easily combined with function
approximation, and thus large and possibly continuous state spaces can be
efficiently handled. Through experiments, we demonstrate the usefulness of the
proposed algorithm.
|
Layer-Specific Adaptive Learning Rates for Deep Networks | The increasing complexity of deep learning architectures is resulting in
training time requiring weeks or even months. This slow training is due in part
to vanishing gradients, in which the gradients used by back-propagation are
extremely large for weights connecting deep layers (layers near the output
layer), and extremely small for shallow layers (near the input layer); this
results in slow learning in the shallow layers. Additionally, it has also been
shown that in highly non-convex problems, such as deep neural networks, there
is a proliferation of high-error low curvature saddle points, which slows down
learning dramatically. In this paper, we attempt to overcome the two above
problems by proposing an optimization method for training deep neural networks
which uses learning rates which are both specific to each layer in the network
and adaptive to the curvature of the function, increasing the learning rate at
low curvature points. This enables us to speed up learning in the shallow
layers of the network and quickly escape high-error low curvature saddle
points. We test our method on standard image classification datasets such as
MNIST, CIFAR10 and ImageNet, and demonstrate that our method increases accuracy
as well as reduces the required training time over standard algorithms.
|
Multilingual Image Description with Neural Sequence Models | In this paper we present an approach to multi-language image description
bringing together insights from neural machine translation and neural image
description. To create a description of an image for a given target language,
our sequence generation models condition on feature vectors from the image, the
description from the source language, and/or a multimodal vector computed over
the image and a description in the source language. In image description
experiments on the IAPR-TC12 dataset of images aligned with English and German
sentences, we find significant and substantial improvements in BLEU4 and Meteor
scores for models trained over multiple languages, compared to a monolingual
baseline.
|
Tensor vs Matrix Methods: Robust Tensor Decomposition under Block Sparse
Perturbations | Robust tensor CP decomposition involves decomposing a tensor into low rank
and sparse components. We propose a novel non-convex iterative algorithm with
guaranteed recovery. It alternates between low-rank CP decomposition through
gradient ascent (a variant of the tensor power method), and hard thresholding
of the residual. We prove convergence to the globally optimal solution under
natural incoherence conditions on the low rank component, and bounded level of
sparse perturbations. We compare our method with natural baselines which apply
robust matrix PCA either to the {\em flattened} tensor, or to the matrix slices
of the tensor. Our method can provably handle a far greater level of
perturbation when the sparse tensor is block-structured. This naturally occurs
in many applications such as the activity detection task in videos. Our
experiments validate these findings. Thus, we establish that tensor methods can
tolerate a higher level of gross corruptions compared to matrix methods.
|
A Survey: Time Travel in Deep Learning Space: An Introduction to Deep
Learning Models and How Deep Learning Models Evolved from the Initial Ideas | This report will show the history of deep learning evolves. It will trace
back as far as the initial belief of connectionism modelling of brain, and come
back to look at its early stage realization: neural networks. With the
background of neural network, we will gradually introduce how convolutional
neural network, as a representative of deep discriminative models, is developed
from neural networks, together with many practical techniques that can help in
optimization of neural networks. On the other hand, we will also trace back to
see the evolution history of deep generative models, to see how researchers
balance the representation power and computation complexity to reach Restricted
Boltzmann Machine and eventually reach Deep Belief Nets. Further, we will also
look into the development history of modelling time series data with neural
networks. We start with Time Delay Neural Networks and move further to
currently famous model named Recurrent Neural Network and its extension Long
Short Term Memory. We will also briefly look into how to construct deep
recurrent neural networks. Finally, we will conclude this report with some
interesting open-ended questions of deep neural networks.
|
Quantification in-the-wild: data-sets and baselines | Quantification is the task of estimating the class-distribution of a
data-set. While typically considered as a parameter estimation problem with
strict assumptions on the data-set shift, we consider quantification
in-the-wild, on two large scale data-sets from marine ecology: a survey of
Caribbean coral reefs, and a plankton time series from Martha's Vineyard
Coastal Observatory. We investigate several quantification methods from the
literature and indicate opportunities for future work. In particular, we show
that a deep neural network can be fine-tuned on a very limited amount of data
(25 - 100 samples) to outperform alternative methods.
|
Scalable MCMC for Mixed Membership Stochastic Blockmodels | We propose a stochastic gradient Markov chain Monte Carlo (SG-MCMC) algorithm
for scalable inference in mixed-membership stochastic blockmodels (MMSB). Our
algorithm is based on the stochastic gradient Riemannian Langevin sampler and
achieves both faster speed and higher accuracy at every iteration than the
current state-of-the-art algorithm based on stochastic variational inference.
In addition we develop an approximation that can handle models that entertain a
very large number of communities. The experimental results show that SG-MCMC
strictly dominates competing algorithms in all cases.
|
SGD with Variance Reduction beyond Empirical Risk Minimization | We introduce a doubly stochastic proximal gradient algorithm for optimizing a
finite average of smooth convex functions, whose gradients depend on
numerically expensive expectations. Our main motivation is the acceleration of
the optimization of the regularized Cox partial-likelihood (the core model used
in survival analysis), but our algorithm can be used in different settings as
well. The proposed algorithm is doubly stochastic in the sense that gradient
steps are done using stochastic gradient descent (SGD) with variance reduction,
where the inner expectations are approximated by a Monte-Carlo Markov-Chain
(MCMC) algorithm. We derive conditions on the MCMC number of iterations
guaranteeing convergence, and obtain a linear rate of convergence under strong
convexity and a sublinear rate without this assumption. We illustrate the fact
that our algorithm improves the state-of-the-art solver for regularized Cox
partial-likelihood on several datasets from survival analysis.
|
Robust Partially-Compressed Least-Squares | Randomized matrix compression techniques, such as the Johnson-Lindenstrauss
transform, have emerged as an effective and practical way for solving
large-scale problems efficiently. With a focus on computational efficiency,
however, forsaking solutions quality and accuracy becomes the trade-off. In
this paper, we investigate compressed least-squares problems and propose new
models and algorithms that address the issue of error and noise introduced by
compression. While maintaining computational efficiency, our models provide
robust solutions that are more accurate--relative to solutions of uncompressed
least-squares--than those of classical compressed variants. We introduce tools
from robust optimization together with a form of partial compression to improve
the error-time trade-offs of compressed least-squares solvers. We develop an
efficient solution algorithm for our Robust Partially-Compressed (RPC) model
based on a reduction to a one-dimensional search. We also derive the first
approximation error bounds for Partially-Compressed least-squares solutions.
Empirical results comparing numerous alternatives suggest that robust and
partially compressed solutions are effectively insulated against aggressive
randomized transforms.
|
Bad Universal Priors and Notions of Optimality | A big open question of algorithmic information theory is the choice of the
universal Turing machine (UTM). For Kolmogorov complexity and Solomonoff
induction we have invariance theorems: the choice of the UTM changes bounds
only by a constant. For the universally intelligent agent AIXI (Hutter, 2005)
no invariance theorem is known. Our results are entirely negative: we discuss
cases in which unlucky or adversarial choices of the UTM cause AIXI to
misbehave drastically. We show that Legg-Hutter intelligence and thus balanced
Pareto optimality is entirely subjective, and that every policy is Pareto
optimal in the class of all computable environments. This undermines all
existing optimality properties for AIXI. While it may still serve as a gold
standard for AI, our results imply that AIXI is a relative theory, dependent on
the choice of the UTM.
|
Holographic Embeddings of Knowledge Graphs | Learning embeddings of entities and relations is an efficient and versatile
method to perform machine learning on relational data such as knowledge graphs.
In this work, we propose holographic embeddings (HolE) to learn compositional
vector space representations of entire knowledge graphs. The proposed method is
related to holographic models of associative memory in that it employs circular
correlation to create compositional representations. By using correlation as
the compositional operator HolE can capture rich interactions but
simultaneously remains efficient to compute, easy to train, and scalable to
very large datasets. In extensive experiments we show that holographic
embeddings are able to outperform state-of-the-art methods for link prediction
in knowledge graphs and relational learning benchmark datasets.
|
Optimizing and Contrasting Recurrent Neural Network Architectures | Recurrent Neural Networks (RNNs) have long been recognized for their
potential to model complex time series. However, it remains to be determined
what optimization techniques and recurrent architectures can be used to best
realize this potential. The experiments presented take a deep look into Hessian
free optimization, a powerful second order optimization method that has shown
promising results, but still does not enjoy widespread use. This algorithm was
used to train to a number of RNN architectures including standard RNNs, long
short-term memory, multiplicative RNNs, and stacked RNNs on the task of
character prediction. The insights from these experiments led to the creation
of a new multiplicative LSTM hybrid architecture that outperformed both LSTM
and multiplicative RNNs. When tested on a larger scale, multiplicative LSTM
achieved character level modelling results competitive with the state of the
art for RNNs using very different methodology.
|
Improving the Speed of Response of Learning Algorithms Using Multiple
Models | This is the first of a series of papers that the authors propose to write on
the subject of improving the speed of response of learning systems using
multiple models. During the past two decades, the first author has worked on
numerous methods for improving the stability, robustness, and performance of
adaptive systems using multiple models and the other authors have collaborated
with him on some of them. Independently, they have also worked on several
learning methods, and have considerable experience with their advantages and
limitations. In particular, they are well aware that it is common knowledge
that machine learning is in general very slow. Numerous attempts have been made
by researchers to improve the speed of convergence of algorithms in different
contexts. In view of the success of multiple model based methods in improving
the speed of convergence in adaptive systems, the authors believe that the same
approach will also prove fruitful in the domain of learning. In this paper, a
first attempt is made to use multiple models for improving the speed of
response of the simplest learning schemes that have been studied. i.e. Learning
Automata.
|
A cost function for similarity-based hierarchical clustering | The development of algorithms for hierarchical clustering has been hampered
by a shortage of precise objective functions. To help address this situation,
we introduce a simple cost function on hierarchies over a set of points, given
pairwise similarities between those points. We show that this criterion behaves
sensibly in canonical instances and that it admits a top-down construction
procedure with a provably good approximation ratio.
|
How Important is Weight Symmetry in Backpropagation? | Gradient backpropagation (BP) requires symmetric feedforward and feedback
connections -- the same weights must be used for forward and backward passes.
This "weight transport problem" (Grossberg 1987) is thought to be one of the
main reasons to doubt BP's biologically plausibility. Using 15 different
classification datasets, we systematically investigate to what extent BP really
depends on weight symmetry. In a study that turned out to be surprisingly
similar in spirit to Lillicrap et al.'s demonstration (Lillicrap et al. 2014)
but orthogonal in its results, our experiments indicate that: (1) the
magnitudes of feedback weights do not matter to performance (2) the signs of
feedback weights do matter -- the more concordant signs between feedforward and
their corresponding feedback connections, the better (3) with feedback weights
having random magnitudes and 100% concordant signs, we were able to achieve the
same or even better performance than SGD. (4) some
normalizations/stabilizations are indispensable for such asymmetric BP to work,
namely Batch Normalization (BN) (Ioffe and Szegedy 2015) and/or a "Batch
Manhattan" (BM) update rule.
|
Clustering Noisy Signals with Structured Sparsity Using Time-Frequency
Representation | We propose a simple and efficient time-series clustering framework
particularly suited for low Signal-to-Noise Ratio (SNR), by simultaneous
smoothing and dimensionality reduction aimed at preserving clustering
information. We extend the sparse K-means algorithm by incorporating structured
sparsity, and use it to exploit the multi-scale property of wavelets and group
structure in multivariate signals. Finally, we extract features invariant to
translation and scaling with the scattering transform, which corresponds to a
convolutional network with filters given by a wavelet operator, and use the
network's structure in sparse clustering. By promoting sparsity, this transform
can yield a low-dimensional representation of signals that gives improved
clustering results on several real datasets.
|
Large Enforced Sparse Non-Negative Matrix Factorization | Non-negative matrix factorization (NMF) is a common method for generating
topic models from text data. NMF is widely accepted for producing good results
despite its relative simplicity of implementation and ease of computation. One
challenge with applying NMF to large datasets is that intermediate matrix
products often become dense, stressing the memory and compute elements of a
system. In this article, we investigate a simple but powerful modification of a
common NMF algorithm that enforces the generation of sparse intermediate and
output matrices. This method enables the application of NMF to large datasets
through improved memory and compute performance. Further, we demonstrate
empirically that this method of enforcing sparsity in the NMF either preserves
or improves both the accuracy of the resulting topic model and the convergence
rate of the underlying algorithm.
|
Latent Space Model for Multi-Modal Social Data | With the emergence of social networking services, researchers enjoy the
increasing availability of large-scale heterogenous datasets capturing online
user interactions and behaviors. Traditional analysis of techno-social systems
data has focused mainly on describing either the dynamics of social
interactions, or the attributes and behaviors of the users. However,
overwhelming empirical evidence suggests that the two dimensions affect one
another, and therefore they should be jointly modeled and analyzed in a
multi-modal framework. The benefits of such an approach include the ability to
build better predictive models, leveraging social network information as well
as user behavioral signals. To this purpose, here we propose the Constrained
Latent Space Model (CLSM), a generalized framework that combines Mixed
Membership Stochastic Blockmodels (MMSB) and Latent Dirichlet Allocation (LDA)
incorporating a constraint that forces the latent space to concurrently
describe the multiple data modalities. We derive an efficient inference
algorithm based on Variational Expectation Maximization that has a
computational cost linear in the size of the network, thus making it feasible
to analyze massive social datasets. We validate the proposed framework on two
problems: prediction of social interactions from user attributes and behaviors,
and behavior prediction exploiting network information. We perform experiments
with a variety of multi-modal social systems, spanning location-based social
networks (Gowalla), social media services (Instagram, Orkut), e-commerce and
review sites (Amazon, Ciao), and finally citation networks (Cora). The results
indicate significant improvement in prediction accuracy over state of the art
methods, and demonstrate the flexibility of the proposed approach for
addressing a variety of different learning problems commonly occurring with
multi-modal social data.
|
Clustering is Easy When ....What? | It is well known that most of the common clustering objectives are NP-hard to
optimize. In practice, however, clustering is being routinely carried out. One
approach for providing theoretical understanding of this seeming discrepancy is
to come up with notions of clusterability that distinguish realistically
interesting input data from worst-case data sets. The hope is that there will
be clustering algorithms that are provably efficient on such "clusterable"
instances. This paper addresses the thesis that the computational hardness of
clustering tasks goes away for inputs that one really cares about. In other
words, that "Clustering is difficult only when it does not matter" (the
\emph{CDNM thesis} for short).
I wish to present a a critical bird's eye overview of the results published
on this issue so far and to call attention to the gap between available and
desirable results on this issue. A longer, more detailed version of this note
is available as arXiv:1507.05307.
I discuss which requirements should be met in order to provide formal support
to the the CDNM thesis and then examine existing results in view of these
requirements and list some significant unsolved research challenges in that
direction.
|
Piecewise-Linear Approximation for Feature Subset Selection in a
Sequential Logit Model | This paper concerns a method of selecting a subset of features for a
sequential logit model. Tanaka and Nakagawa (2014) proposed a mixed integer
quadratic optimization formulation for solving the problem based on a quadratic
approximation of the logistic loss function. However, since there is a
significant gap between the logistic loss function and its quadratic
approximation, their formulation may fail to find a good subset of features. To
overcome this drawback, we apply a piecewise-linear approximation to the
logistic loss function. Accordingly, we frame the feature subset selection
problem of minimizing an information criterion as a mixed integer linear
optimization problem. The computational results demonstrate that our
piecewise-linear approximation approach found a better subset of features than
the quadratic approximation approach.
|
Accelerometer based Activity Classification with Variational Inference
on Sticky HDP-SLDS | As part of daily monitoring of human activities, wearable sensors and devices
are becoming increasingly popular sources of data. With the advent of
smartphones equipped with acceloremeter, gyroscope and camera; it is now
possible to develop activity classification platforms everyone can use
conveniently. In this paper, we propose a fast inference method for an
unsupervised non-parametric time series model namely variational inference for
sticky HDP-SLDS(Hierarchical Dirichlet Process Switching Linear Dynamical
System). We show that the proposed algorithm can differentiate various indoor
activities such as sitting, walking, turning, going up/down the stairs and
taking the elevator using only the acceloremeter of an Android smartphone
Samsung Galaxy S4. We used the front camera of the smartphone to annotate
activity types precisely. We compared the proposed method with Hidden Markov
Models with Gaussian emission probabilities on a dataset of 10 subjects. We
showed that the efficacy of the stickiness property. We further compared the
variational inference to the Gibbs sampler on the same model and show that
variational inference is faster in one order of magnitude.
|
AdaCluster : Adaptive Clustering for Heterogeneous Data | Clustering algorithms start with a fixed divergence, which captures the
possibly asymmetric distance between a sample and a centroid. In the mixture
model setting, the sample distribution plays the same role. When all attributes
have the same topology and dispersion, the data are said to be homogeneous. If
the prior knowledge of the distribution is inaccurate or the set of plausible
distributions is large, an adaptive approach is essential. The motivation is
more compelling for heterogeneous data, where the dispersion or the topology
differs among attributes. We propose an adaptive approach to clustering using
classes of parametrized Bregman divergences. We first show that the density of
a steep exponential dispersion model (EDM) can be represented with a Bregman
divergence. We then propose AdaCluster, an expectation-maximization (EM)
algorithm to cluster heterogeneous data using classes of steep EDMs. We compare
AdaCluster with EM for a Gaussian mixture model on synthetic data and nine UCI
data sets. We also propose an adaptive hard clustering algorithm based on
Generalized Method of Moments. We compare the hard clustering algorithm with
k-means on the UCI data sets. We empirically verified that adaptively learning
the underlying topology yields better clustering of heterogeneous data.
|
Application of Machine Learning Techniques in Human Activity Recognition | Human activity detection has seen a tremendous growth in the last decade
playing a major role in the field of pervasive computing. This emerging
popularity can be attributed to its myriad of real-life applications primarily
dealing with human-centric problems like healthcare and elder care. Many
research attempts with data mining and machine learning techniques have been
undergoing to accurately detect human activities for e-health systems. This
paper reviews some of the predictive data mining algorithms and compares the
accuracy and performances of these models. A discussion on the future research
directions is subsequently offered.
|
Stochastically Transitive Models for Pairwise Comparisons: Statistical
and Computational Issues | There are various parametric models for analyzing pairwise comparison data,
including the Bradley-Terry-Luce (BTL) and Thurstone models, but their reliance
on strong parametric assumptions is limiting. In this work, we study a flexible
model for pairwise comparisons, under which the probabilities of outcomes are
required only to satisfy a natural form of stochastic transitivity. This class
includes parametric models including the BTL and Thurstone models as special
cases, but is considerably more general. We provide various examples of models
in this broader stochastically transitive class for which classical parametric
models provide poor fits. Despite this greater flexibility, we show that the
matrix of probabilities can be estimated at the same rate as in standard
parametric models. On the other hand, unlike in the BTL and Thurstone models,
computing the minimax-optimal estimator in the stochastically transitive model
is non-trivial, and we explore various computationally tractable alternatives.
We show that a simple singular value thresholding algorithm is statistically
consistent but does not achieve the minimax rate. We then propose and study
algorithms that achieve the minimax rate over interesting sub-classes of the
full stochastically transitive class. We complement our theoretical results
with thorough numerical simulations.
|
Protein Structure Prediction by Protein Alignments | Proteins are the basic building blocks of life. They usually perform
functions by folding to a particular structure. Understanding the folding
process could help the researchers to understand the functions of proteins and
could also help to develop supplemental proteins for people with deficiencies
and gain more insight into diseases associated with troublesome folding
proteins. Experimental methods are both expensive and time consuming. In this
thesis I introduce a new machine learning based method to predict the protein
structure. The new method improves the performance from two directions:
creating accurate protein alignments and predicting accurate protein contacts.
First, I present an alignment framework MRFalign which goes beyond
state-of-the-art methods and uses Markov Random Fields to model a protein
family and align two proteins by aligning two MRFs together. Compared to other
methods, that can only model local-range residue correlation, MRFs can model
long-range residue interactions and thus, encodes global information in a
protein. Secondly, I present a Group Graphical Lasso method for contact
prediction that integrates joint multi-family Evolutionary Coupling analysis
and supervised learning to improve accuracy on proteins without many sequence
homologs. Different from single-family EC analysis that uses residue
co-evolution information in only the target protein family, our joint EC
analysis uses residue co-evolution in both the target family and its related
families, which may have divergent sequences but similar folds. Our method can
also integrate supervised learning methods to further improve accuracy. We
evaluate the performance of both methods including each of its components on
large public benchmarks. Experiments show that our methods can achieve better
accuracy than existing state-of-the-art methods under all the measurements on
most of the protein classes.
|
Qualitative Projection Using Deep Neural Networks | Deep neural networks (DNN) abstract by demodulating the output of linear
filters. In this article, we refine this definition of abstraction to show that
the inputs of a DNN are abstracted with respect to the filters. Or, to restate,
the abstraction is qualified by the filters. This leads us to introduce the
notion of qualitative projection. We use qualitative projection to abstract
MNIST hand-written digits with respect to the various dogs, horses, planes and
cars of the CIFAR dataset. We then classify the MNIST digits according to the
magnitude of their dogness, horseness, planeness and carness qualities,
illustrating the generality of qualitative projection.
|
Unsupervised Ensemble Learning with Dependent Classifiers | In unsupervised ensemble learning, one obtains predictions from multiple
sources or classifiers, yet without knowing the reliability and expertise of
each source, and with no labeled data to assess it. The task is to combine
these possibly conflicting predictions into an accurate meta-learner. Most
works to date assumed perfect diversity between the different sources, a
property known as conditional independence. In realistic scenarios, however,
this assumption is often violated, and ensemble learners based on it can be
severely sub-optimal. The key challenges we address in this paper are:\ (i) how
to detect, in an unsupervised manner, strong violations of conditional
independence; and (ii) construct a suitable meta-learner. To this end we
introduce a statistical model that allows for dependencies between classifiers.
Our main contributions are the development of novel unsupervised methods to
detect strongly dependent classifiers, better estimate their accuracies, and
construct an improved meta-learner. Using both artificial and real datasets, we
showcase the importance of taking classifier dependencies into account and the
competitive performance of our approach.
|
Binary Speaker Embedding | The popular i-vector model represents speakers as low-dimensional continuous
vectors (i-vectors), and hence it is a way of continuous speaker embedding. In
this paper, we investigate binary speaker embedding, which transforms i-vectors
to binary vectors (codes) by a hash function. We start from locality sensitive
hashing (LSH), a simple binarization approach where binary codes are derived
from a set of random hash functions. A potential problem of LSH is that the
randomly sampled hash functions might be suboptimal. We therefore propose an
improved Hamming distance learning approach, where the hash function is learned
by a variable-sized block training that projects each dimension of the original
i-vectors to variable-sized binary codes independently. Our experiments show
that binary speaker embedding can deliver competitive or even better results on
both speaker verification and identification tasks, while the memory usage and
the computation cost are significantly reduced.
|
Max-margin Metric Learning for Speaker Recognition | Probabilistic linear discriminant analysis (PLDA) is a popular normalization
approach for the i-vector model, and has delivered state-of-the-art performance
in speaker recognition. A potential problem of the PLDA model, however, is that
it essentially assumes Gaussian distributions over speaker vectors, which is
not always true in practice. Additionally, the objective function is not
directly related to the goal of the task, e.g., discriminating true speakers
and imposters. In this paper, we propose a max-margin metric learning approach
to solve the problems. It learns a linear transform with a criterion that the
margin between target and imposter trials are maximized. Experiments conducted
on the SRE08 core test show that compared to PLDA, the new approach can obtain
comparable or even better performance, though the scoring is simply a cosine
computation.
|
Optimal Cluster Recovery in the Labeled Stochastic Block Model | We consider the problem of community detection or clustering in the labeled
Stochastic Block Model (LSBM) with a finite number $K$ of clusters of sizes
linearly growing with the global population of items $n$. Every pair of items
is labeled independently at random, and label $\ell$ appears with probability
$p(i,j,\ell)$ between two items in clusters indexed by $i$ and $j$,
respectively. The objective is to reconstruct the clusters from the observation
of these random labels.
Clustering under the SBM and their extensions has attracted much attention
recently. Most existing work aimed at characterizing the set of parameters such
that it is possible to infer clusters either positively correlated with the
true clusters, or with a vanishing proportion of misclassified items, or
exactly matching the true clusters. We find the set of parameters such that
there exists a clustering algorithm with at most $s$ misclassified items in
average under the general LSBM and for any $s=o(n)$, which solves one open
problem raised in \cite{abbe2015community}. We further develop an algorithm,
based on simple spectral methods, that achieves this fundamental performance
limit within $O(n \mbox{polylog}(n))$ computations and without the a-priori
knowledge of the model parameters.
|
Stereo Matching by Training a Convolutional Neural Network to Compare
Image Patches | We present a method for extracting depth information from a rectified image
pair. Our approach focuses on the first stage of many stereo algorithms: the
matching cost computation. We approach the problem by learning a similarity
measure on small image patches using a convolutional neural network. Training
is carried out in a supervised manner by constructing a binary classification
data set with examples of similar and dissimilar pairs of patches. We examine
two network architectures for this task: one tuned for speed, the other for
accuracy. The output of the convolutional neural network is used to initialize
the stereo matching cost. A series of post-processing steps follow: cross-based
cost aggregation, semiglobal matching, a left-right consistency check, subpixel
enhancement, a median filter, and a bilateral filter. We evaluate our method on
the KITTI 2012, KITTI 2015, and Middlebury stereo data sets and show that it
outperforms other approaches on all three data sets.
|
Transductive Optimization of Top k Precision | Consider a binary classification problem in which the learner is given a
labeled training set, an unlabeled test set, and is restricted to choosing
exactly $k$ test points to output as positive predictions. Problems of this
kind---{\it transductive precision@$k$}---arise in information retrieval,
digital advertising, and reserve design for endangered species. Previous
methods separate the training of the model from its use in scoring the test
points. This paper introduces a new approach, Transductive Top K (TTK), that
seeks to minimize the hinge loss over all training instances under the
constraint that exactly $k$ test instances are predicted as positive. The paper
presents two optimization methods for this challenging problem. Experiments and
analysis confirm the importance of incorporating the knowledge of $k$ into the
learning process. Experimental evaluations of the TTK approach show that the
performance of TTK matches or exceeds existing state-of-the-art methods on 7
UCI datasets and 3 reserve design problem instances.
|
Fast and Scalable Structural SVM with Slack Rescaling | We present an efficient method for training slack-rescaled structural SVM.
Although finding the most violating label in a margin-rescaled formulation is
often easy since the target function decomposes with respect to the structure,
this is not the case for a slack-rescaled formulation, and finding the most
violated label might be very difficult. Our core contribution is an efficient
method for finding the most-violating-label in a slack-rescaled formulation,
given an oracle that returns the most-violating-label in a (slightly modified)
margin-rescaled formulation. We show that our method enables accurate and
scalable training for slack-rescaled SVMs, reducing runtime by an order of
magnitude compared to previous approaches to slack-rescaled SVMs.
|
Robust Semi-Supervised Classification for Multi-Relational Graphs | Graph-regularized semi-supervised learning has been used effectively for
classification when (i) instances are connected through a graph, and (ii)
labeled data is scarce. If available, using multiple relations (or graphs)
between the instances can improve the prediction performance. On the other
hand, when these relations have varying levels of veracity and exhibit varying
relevance for the task, very noisy and/or irrelevant relations may deteriorate
the performance. As a result, an effective weighing scheme needs to be put in
place. In this work, we propose a robust and scalable approach for
multi-relational graph-regularized semi-supervised classification. Under a
convex optimization scheme, we simultaneously infer weights for the multiple
graphs as well as a solution. We provide a careful analysis of the inferred
weights, based on which we devise an algorithm that filters out irrelevant and
noisy graphs and produces weights proportional to the informativeness of the
remaining graphs. Moreover, the proposed method is linearly scalable w.r.t. the
number of edges in the union of the multiple graphs. Through extensive
experiments we show that our method yields superior results under different
noise models, and under increasing number of noisy graphs and intensity of
noise, as compared to a list of baselines and state-of-the-art approaches.
|
Regularization vs. Relaxation: A conic optimization perspective of
statistical variable selection | Variable selection is a fundamental task in statistical data analysis.
Sparsity-inducing regularization methods are a popular class of methods that
simultaneously perform variable selection and model estimation. The central
problem is a quadratic optimization problem with an l0-norm penalty. Exactly
enforcing the l0-norm penalty is computationally intractable for larger scale
problems, so dif- ferent sparsity-inducing penalty functions that approximate
the l0-norm have been introduced. In this paper, we show that viewing the
problem from a convex relaxation perspective offers new insights. In
particular, we show that a popular sparsity-inducing concave penalty function
known as the Minimax Concave Penalty (MCP), and the reverse Huber penalty
derived in a recent work by Pilanci, Wainwright and Ghaoui, can both be derived
as special cases of a lifted convex relaxation called the perspective
relaxation. The optimal perspective relaxation is a related minimax problem
that balances the overall convexity and tightness of approximation to the l0
norm. We show it can be solved by a semidefinite relaxation. Moreover, a
probabilistic interpretation of the semidefinite relaxation reveals connections
with the boolean quadric polytope in combinatorial optimization. Finally by
reformulating the l0-norm pe- nalized problem as a two-level problem, with the
inner level being a Max-Cut problem, our proposed semidefinite relaxation can
be realized by replacing the inner level problem with its semidefinite
relaxation studied by Goemans and Williamson. This interpretation suggests
using the Goemans-Williamson rounding procedure to find approximate solutions
to the l0-norm penalized problem. Numerical experiments demonstrate the
tightness of our proposed semidefinite relaxation, and the effectiveness of
finding approximate solutions by Goemans-Williamson rounding.
|
High Performance Latent Variable Models | Latent variable models have accumulated a considerable amount of interest
from the industry and academia for their versatility in a wide range of
applications. A large amount of effort has been made to develop systems that is
able to extend the systems to a large scale, in the hope to make use of them on
industry scale data. In this paper, we describe a system that operates at a
scale orders of magnitude higher than previous works, and an order of magnitude
faster than state-of-the-art system at the same scale, at the same time showing
more robustness and more accurate results.
Our system uses a number of advances in distributed inference: high
performance in synchronization of sufficient statistics with relaxed
consistency model; fast sampling, using the Metropolis-Hastings-Walker method
to overcome dense generative models; statistical modeling, moving beyond Latent
Dirichlet Allocation (LDA) to Pitman-Yor distributions (PDP) and Hierarchical
Dirichlet Process (HDP) models; sophisticated parameter projection schemes, to
resolve the conflicts within the constraint between parameters arising from the
relaxed consistency model.
This work significantly extends the domain of applicability of what is
commonly known as the Parameter Server. We obtain results with up to hundreds
billion oftokens, thousands of topics, and a vocabulary of a few million
token-types, using up to 60,000 processor cores operating on a production
cluster of a large Internet company. This demonstrates the feasibility to scale
to problems orders of magnitude larger than any previously published work.
|
Learning-based Compressive Subsampling | The problem of recovering a structured signal $\mathbf{x} \in \mathbb{C}^p$
from a set of dimensionality-reduced linear measurements $\mathbf{b} = \mathbf
{A}\mathbf {x}$ arises in a variety of applications, such as medical imaging,
spectroscopy, Fourier optics, and computerized tomography. Due to computational
and storage complexity or physical constraints imposed by the problem, the
measurement matrix $\mathbf{A} \in \mathbb{C}^{n \times p}$ is often of the
form $\mathbf{A} = \mathbf{P}_{\Omega}\boldsymbol{\Psi}$ for some orthonormal
basis matrix $\boldsymbol{\Psi}\in \mathbb{C}^{p \times p}$ and subsampling
operator $\mathbf{P}_{\Omega}: \mathbb{C}^{p} \rightarrow \mathbb{C}^{n}$ that
selects the rows indexed by $\Omega$. This raises the fundamental question of
how best to choose the index set $\Omega$ in order to optimize the recovery
performance. Previous approaches to addressing this question rely on
non-uniform \emph{random} subsampling using application-specific knowledge of
the structure of $\mathbf{x}$. In this paper, we instead take a principled
learning-based approach in which a \emph{fixed} index set is chosen based on a
set of training signals $\mathbf{x}_1,\dotsc,\mathbf{x}_m$. We formulate
combinatorial optimization problems seeking to maximize the energy captured in
these signals in an average-case or worst-case sense, and we show that these
can be efficiently solved either exactly or approximately via the
identification of modularity and submodularity structures. We provide both
deterministic and statistical theoretical guarantees showing how the resulting
measurement matrices perform on signals differing from the training signals,
and we provide numerical examples showing our approach to be effective on a
variety of data sets.
|
Time-Sensitive Bayesian Information Aggregation for Crowdsourcing
Systems | Crowdsourcing systems commonly face the problem of aggregating multiple
judgments provided by potentially unreliable workers. In addition, several
aspects of the design of efficient crowdsourcing processes, such as defining
worker's bonuses, fair prices and time limits of the tasks, involve knowledge
of the likely duration of the task at hand. Bringing this together, in this
work we introduce a new time--sensitive Bayesian aggregation method that
simultaneously estimates a task's duration and obtains reliable aggregations of
crowdsourced judgments. Our method, called BCCTime, builds on the key insight
that the time taken by a worker to perform a task is an important indicator of
the likely quality of the produced judgment. To capture this, BCCTime uses
latent variables to represent the uncertainty about the workers' completion
time, the tasks' duration and the workers' accuracy. To relate the quality of a
judgment to the time a worker spends on a task, our model assumes that each
task is completed within a latent time window within which all workers with a
propensity to genuinely attempt the labelling task (i.e., no spammers) are
expected to submit their judgments. In contrast, workers with a lower
propensity to valid labeling, such as spammers, bots or lazy labelers, are
assumed to perform tasks considerably faster or slower than the time required
by normal workers. Specifically, we use efficient message-passing Bayesian
inference to learn approximate posterior probabilities of (i) the confusion
matrix of each worker, (ii) the propensity to valid labeling of each worker,
(iii) the unbiased duration of each task and (iv) the true label of each task.
Using two real-world public datasets for entity linking tasks, we show that
BCCTime produces up to 11% more accurate classifications and up to 100% more
informative estimates of a task's duration compared to state-of-the-art
methods.
|
Application of Quantum Annealing to Training of Deep Neural Networks | In Deep Learning, a well-known approach for training a Deep Neural Network
starts by training a generative Deep Belief Network model, typically using
Contrastive Divergence (CD), then fine-tuning the weights using backpropagation
or other discriminative techniques. However, the generative training can be
time-consuming due to the slow mixing of Gibbs sampling. We investigated an
alternative approach that estimates model expectations of Restricted Boltzmann
Machines using samples from a D-Wave quantum annealing machine. We tested this
method on a coarse-grained version of the MNIST data set. In our tests we found
that the quantum sampling-based training approach achieves comparable or better
accuracy with significantly fewer iterations of generative training than
conventional CD-based training. Further investigation is needed to determine
whether similar improvements can be achieved for other data sets, and to what
extent these improvements can be attributed to quantum effects.
|
Optimization as Estimation with Gaussian Processes in Bandit Settings | Recently, there has been rising interest in Bayesian optimization -- the
optimization of an unknown function with assumptions usually expressed by a
Gaussian Process (GP) prior. We study an optimization strategy that directly
uses an estimate of the argmax of the function. This strategy offers both
practical and theoretical advantages: no tradeoff parameter needs to be
selected, and, moreover, we establish close connections to the popular GP-UCB
and GP-PI strategies. Our approach can be understood as automatically and
adaptively trading off exploration and exploitation in GP-UCB and GP-PI. We
illustrate the effects of this adaptive tuning via bounds on the regret as well
as an extensive empirical evaluation on robotics and vision tasks,
demonstrating the robustness of this strategy for a range of performance
criteria.
|
Generalized Shortest Path Kernel on Graphs | We consider the problem of classifying graphs using graph kernels. We define
a new graph kernel, called the generalized shortest path kernel, based on the
number and length of shortest paths between nodes. For our example
classification problem, we consider the task of classifying random graphs from
two well-known families, by the number of clusters they contain. We verify
empirically that the generalized shortest path kernel outperforms the original
shortest path kernel on a number of datasets. We give a theoretical analysis
for explaining our experimental results. In particular, we estimate
distributions of the expected feature vectors for the shortest path kernel and
the generalized shortest path kernel, and we show some evidence explaining why
our graph kernel outperforms the shortest path kernel for our graph
classification problem.
|
Multi-GPU Distributed Parallel Bayesian Differential Topic Modelling | There is an explosion of data, documents, and other content, and people
require tools to analyze and interpret these, tools to turn the content into
information and knowledge. Topic modeling have been developed to solve these
problems. Topic models such as LDA [Blei et. al. 2003] allow salient patterns
in data to be extracted automatically. When analyzing texts, these patterns are
called topics. Among numerous extensions of LDA, few of them can reliably
analyze multiple groups of documents and extract topic similarities. Recently,
the introduction of differential topic modeling (SPDP) [Chen et. al. 2012]
performs uniformly better than many topic models in a discriminative setting.
There is also a need to improve the sampling speed for topic models. While
some effort has been made for distributed algorithms, there is no work
currently done using graphical processing units (GPU). Note the GPU framework
has already become the most cost-efficient platform for many problems.
In this thesis, I propose and implement a scalable multi-GPU distributed
parallel framework which approximates SPDP. Through experiments, I have shown
my algorithms have a gain in speed of about 50 times while being almost as
accurate, with only one single cheap laptop GPU. Furthermore, I have shown the
speed improvement is sublinearly scalable when multiple GPUs are used, while
fairly maintaining the accuracy. Therefore on a medium-sized GPU cluster, the
speed improvement could potentially reach a factor of a thousand.
Note SPDP is just a representative of other extensions of LDA. Although my
algorithm is implemented to work with SPDP, it is designed to be a general
enough to work with other topic models. The speed-up on smaller collections
(i.e., 1000s of documents), means that these more complex LDA extensions could
now be done in real-time, thus opening up a new way of using these LDA models
in industry.
|
Generalized conditional gradient: analysis of convergence and
applications | The objectives of this technical report is to provide additional results on
the generalized conditional gradient methods introduced by Bredies et al.
[BLM05]. Indeed , when the objective function is smooth, we provide a novel
certificate of optimality and we show that the algorithm has a linear
convergence rate. Applications of this algorithm are also discussed.
|
Collective Prediction of Individual Mobility Traces with Exponential
Weights | We present and test a sequential learning algorithm for the short-term
prediction of human mobility. This novel approach pairs the Exponential Weights
forecaster with a very large ensemble of experts. The experts are individual
sequence prediction algorithms constructed from the mobility traces of 10
million roaming mobile phone users in a European country. Average prediction
accuracy is significantly higher than that of individual sequence prediction
algorithms, namely constant order Markov models derived from the user's own
data, that have been shown to achieve high accuracy in previous studies of
human mobility prediction. The algorithm uses only time stamped location data,
and accuracy depends on the completeness of the expert ensemble, which should
contain redundant records of typical mobility patterns. The proposed algorithm
is applicable to the prediction of any sufficiently large dataset of sequences.
|
A 'Gibbs-Newton' Technique for Enhanced Inference of Multivariate Polya
Parameters and Topic Models | Hyper-parameters play a major role in the learning and inference process of
latent Dirichlet allocation (LDA). In order to begin the LDA latent variables
learning process, these hyper-parameters values need to be pre-determined. We
propose an extension for LDA that we call 'Latent Dirichlet allocation Gibbs
Newton' (LDA-GN), which places non-informative priors over these
hyper-parameters and uses Gibbs sampling to learn appropriate values for them.
At the heart of LDA-GN is our proposed 'Gibbs-Newton' algorithm, which is a new
technique for learning the parameters of multivariate Polya distributions. We
report Gibbs-Newton performance results compared with two prominent existing
approaches to the latter task: Minka's fixed-point iteration method and the
Moments method. We then evaluate LDA-GN in two ways: (i) by comparing it with
standard LDA in terms of the ability of the resulting topic models to
generalize to unseen documents; (ii) by comparing it with standard LDA in its
performance on a binary classification task.
|
Random Projections through multiple optical scattering: Approximating
kernels at the speed of light | Random projections have proven extremely useful in many signal processing and
machine learning applications. However, they often require either to store a
very large random matrix, or to use a different, structured matrix to reduce
the computational and memory costs. Here, we overcome this difficulty by
proposing an analog, optical device, that performs the random projections
literally at the speed of light without having to store any matrix in memory.
This is achieved using the physical properties of multiple coherent scattering
of coherent light in random media. We use this device on a simple task of
classification with a kernel machine, and we show that, on the MNIST database,
the experimental results closely match the theoretical performance of the
corresponding kernel. This framework can help make kernel methods practical for
applications that have large training sets and/or require real-time prediction.
We discuss possible extensions of the method in terms of a class of kernels,
speed, memory consumption and different problems.
|
Dual Free Adaptive Mini-batch SDCA for Empirical Risk Minimization | In this paper we develop dual free mini-batch SDCA with adaptive
probabilities for regularized empirical risk minimization. This work is
motivated by recent work of Shai Shalev-Shwartz on dual free SDCA method,
however, we allow a non-uniform selection of "dual" coordinates in SDCA.
Moreover, the probability can change over time, making it more efficient than
fix uniform or non-uniform selection. We also propose an efficient procedure to
generate a random non-uniform mini-batch through iterative process. The work is
concluded with multiple numerical experiments to show the efficiency of
proposed algorithms.
|
Partitioning Data on Features or Samples in Communication-Efficient
Distributed Optimization? | In this paper we study the effect of the way that the data is partitioned in
distributed optimization. The original DiSCO algorithm [Communication-Efficient
Distributed Optimization of Self-Concordant Empirical Loss, Yuchen Zhang and
Lin Xiao, 2015] partitions the input data based on samples. We describe how the
original algorithm has to be modified to allow partitioning on features and
show its efficiency both in theory and also in practice.
|
ZNN - A Fast and Scalable Algorithm for Training 3D Convolutional
Networks on Multi-Core and Many-Core Shared Memory Machines | Convolutional networks (ConvNets) have become a popular approach to computer
vision. It is important to accelerate ConvNet training, which is
computationally costly. We propose a novel parallel algorithm based on
decomposition into a set of tasks, most of which are convolutions or FFTs.
Applying Brent's theorem to the task dependency graph implies that linear
speedup with the number of processors is attainable within the PRAM model of
parallel computation, for wide network architectures. To attain such
performance on real shared-memory machines, our algorithm computes convolutions
converging on the same node of the network with temporal locality to reduce
cache misses, and sums the convergent convolution outputs via an almost
wait-free concurrent method to reduce time spent in critical sections. We
implement the algorithm with a publicly available software package called ZNN.
Benchmarking with multi-core CPUs shows that ZNN can attain speedup roughly
equal to the number of physical cores. We also show that ZNN can attain over
90x speedup on a many-core CPU (Xeon Phi Knights Corner). These speedups are
achieved for network architectures with widths that are in common use. The task
parallelism of the ZNN algorithm is suited to CPUs, while the SIMD parallelism
of previous algorithms is compatible with GPUs. Through examples, we show that
ZNN can be either faster or slower than certain GPU implementations depending
on specifics of the network architecture, kernel sizes, and density and size of
the output patch. ZNN may be less costly to develop and maintain, due to the
relative ease of general-purpose CPU programming.
|
Freshman or Fresher? Quantifying the Geographic Variation of Internet
Language | We present a new computational technique to detect and analyze statistically
significant geographic variation in language. Our meta-analysis approach
captures statistical properties of word usage across geographical regions and
uses statistical methods to identify significant changes specific to regions.
While previous approaches have primarily focused on lexical variation between
regions, our method identifies words that demonstrate semantic and syntactic
variation as well.
We extend recently developed techniques for neural language models to learn
word representations which capture differing semantics across geographical
regions. In order to quantify this variation and ensure robust detection of
true regional differences, we formulate a null model to determine whether
observed changes are statistically significant. Our method is the first such
approach to explicitly account for random variation due to chance while
detecting regional variation in word meaning.
To validate our model, we study and analyze two different massive online data
sets: millions of tweets from Twitter spanning not only four different
countries but also fifty states, as well as millions of phrases contained in
the Google Book Ngrams. Our analysis reveals interesting facets of language
change at multiple scales of geographic resolution -- from neighboring states
to distant continents.
Finally, using our model, we propose a measure of semantic distance between
languages. Our analysis of British and American English over a period of 100
years reveals that semantic variation between these dialects is shrinking.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.