title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Recommender systems inspired by the structure of quantum theory | Physicists use quantum models to describe the behavior of physical systems.
Quantum models owe their success to their interpretability, to their relation
to probabilistic models (quantization of classical models) and to their high
predictive power. Beyond physics, these properties are valuable in general data
science. This motivates the use of quantum models to analyze general
nonphysical datasets. Here we provide both empirical and theoretical insights
into the application of quantum models in data science. In the theoretical part
of this paper, we firstly show that quantum models can be exponentially more
efficient than probabilistic models because there exist datasets that admit
low-dimensional quantum models and only exponentially high-dimensional
probabilistic models. Secondly, we explain in what sense quantum models realize
a useful relaxation of compressed probabilistic models. Thirdly, we show that
sparse datasets admit low-dimensional quantum models and finally, we introduce
a method to compute hierarchical orderings of properties of users (e.g.,
personality traits) and items (e.g., genres of movies). In the empirical part
of the paper, we evaluate quantum models in item recommendation and observe
that the predictive power of quantum-inspired recommender systems can compete
with state-of-the-art recommender systems like SVD++ and PureSVD. Furthermore,
we make use of the interpretability of quantum models by computing hierarchical
orderings of properties of users and items. This work establishes a connection
between data science (item recommendation), information theory (communication
complexity), mathematical programming (positive semidefinite factorizations)
and physics (quantum models).
|
Bitwise Neural Networks | Based on the assumption that there exists a neural network that efficiently
represents a set of Boolean functions between all binary inputs and outputs, we
propose a process for developing and deploying neural networks whose weight
parameters, bias terms, input, and intermediate hidden layer output signals,
are all binary-valued, and require only basic bit logic for the feedforward
pass. The proposed Bitwise Neural Network (BNN) is especially suitable for
resource-constrained environments, since it replaces either floating or
fixed-point arithmetic with significantly more efficient bitwise operations.
Hence, the BNN requires for less spatial complexity, less memory bandwidth, and
less power consumption in hardware. In order to design such networks, we
propose to add a few training schemes, such as weight compression and noisy
backpropagation, which result in a bitwise network that performs almost as well
as its corresponding real-valued network. We test the proposed network on the
MNIST dataset, represented using binary features, and show that BNNs result in
competitive performance while offering dramatic computational savings.
|
Learning Minimum Volume Sets and Anomaly Detectors from KNN Graphs | We propose a non-parametric anomaly detection algorithm for high dimensional
data. We first rank scores derived from nearest neighbor graphs on $n$-point
nominal training data. We then train limited complexity models to imitate these
scores based on the max-margin learning-to-rank framework. A test-point is
declared as an anomaly at $\alpha$-false alarm level if the predicted score is
in the $\alpha$-percentile. The resulting anomaly detector is shown to be
asymptotically optimal in that for any false alarm rate $\alpha$, its decision
region converges to the $\alpha$-percentile minimum volume level set of the
unknown underlying density. In addition, we test both the statistical
performance and computational efficiency of our algorithm on a number of
synthetic and real-data experiments. Our results demonstrate the superiority of
our algorithm over existing $K$-NN based anomaly detection algorithms, with
significant computational savings.
|
A Mathematical Formalization of Hierarchical Temporal Memory's Spatial
Pooler | Hierarchical temporal memory (HTM) is an emerging machine learning algorithm,
with the potential to provide a means to perform predictions on spatiotemporal
data. The algorithm, inspired by the neocortex, currently does not have a
comprehensive mathematical framework. This work brings together all aspects of
the spatial pooler (SP), a critical learning component in HTM, under a single
unifying framework. The primary learning mechanism is explored, where a maximum
likelihood estimator for determining the degree of permanence update is
proposed. The boosting mechanisms are studied and found to be only relevant
during the initial few iterations of the network. Observations are made
relating HTM to well-known algorithms such as competitive learning and
attribute bagging. Methods are provided for using the SP for classification as
well as dimensionality reduction. Empirical evidence verifies that given the
proper parameterizations, the SP may be used for feature learning.
|
On the Latent Variable Interpretation in Sum-Product Networks | One of the central themes in Sum-Product networks (SPNs) is the
interpretation of sum nodes as marginalized latent variables (LVs). This
interpretation yields an increased syntactic or semantic structure, allows the
application of the EM algorithm and to efficiently perform MPE inference. In
literature, the LV interpretation was justified by explicitly introducing the
indicator variables corresponding to the LVs' states. However, as pointed out
in this paper, this approach is in conflict with the completeness condition in
SPNs and does not fully specify the probabilistic model. We propose a remedy
for this problem by modifying the original approach for introducing the LVs,
which we call SPN augmentation. We discuss conditional independencies in
augmented SPNs, formally establish the probabilistic interpretation of the
sum-weights and give an interpretation of augmented SPNs as Bayesian networks.
Based on these results, we find a sound derivation of the EM algorithm for
SPNs. Furthermore, the Viterbi-style algorithm for MPE proposed in literature
was never proven to be correct. We show that this is indeed a correct
algorithm, when applied to selective SPNs, and in particular when applied to
augmented SPNs. Our theoretical results are confirmed in experiments on
synthetic data and 103 real-world datasets.
|
Universal Collaboration Strategies for Signal Detection: A Sparse
Learning Approach | This paper considers the problem of high dimensional signal detection in a
large distributed network whose nodes can collaborate with their one-hop
neighboring nodes (spatial collaboration). We assume that only a small subset
of nodes communicate with the Fusion Center (FC). We design optimal
collaboration strategies which are universal for a class of deterministic
signals. By establishing the equivalence between the collaboration strategy
design problem and sparse PCA, we solve the problem efficiently and evaluate
the impact of collaboration on detection performance.
|
Rectified Gaussian Scale Mixtures and the Sparse Non-Negative Least
Squares Problem | In this paper, we develop a Bayesian evidence maximization framework to solve
the sparse non-negative least squares (S-NNLS) problem. We introduce a family
of probability densities referred to as the Rectified Gaussian Scale Mixture
(R- GSM) to model the sparsity enforcing prior distribution for the solution.
The R-GSM prior encompasses a variety of heavy-tailed densities such as the
rectified Laplacian and rectified Student- t distributions with a proper choice
of the mixing density. We utilize the hierarchical representation induced by
the R-GSM prior and develop an evidence maximization framework based on the
Expectation-Maximization (EM) algorithm. Using the EM based method, we estimate
the hyper-parameters and obtain a point estimate for the solution. We refer to
the proposed method as rectified sparse Bayesian learning (R-SBL). We provide
four R- SBL variants that offer a range of options for computational complexity
and the quality of the E-step computation. These methods include the Markov
chain Monte Carlo EM, linear minimum mean-square-error estimation, approximate
message passing and a diagonal approximation. Using numerical experiments, we
show that the proposed R-SBL method outperforms existing S-NNLS solvers in
terms of both signal and support recovery performance, and is also very robust
against the structure of the design matrix.
|
Divide and Conquer Local Average Regression | The divide and conquer strategy, which breaks a massive data set into a se-
ries of manageable data blocks, and then combines the independent results of
data blocks to obtain a final decision, has been recognized as a
state-of-the-art method to overcome challenges of massive data analysis. In
this paper, we merge the divide and conquer strategy with local average
regression methods to infer the regressive relationship of input-output pairs
from a massive data set. After theoretically analyzing the pros and cons, we
find that although the divide and conquer local average regression can reach
the optimal learning rate, the restric- tion to the number of data blocks is a
bit strong, which makes it only feasible for small number of data blocks. We
then propose two variants to lessen (or remove) this restriction. Our results
show that these variants can achieve the optimal learning rate with much milder
restriction (or without such restriction). Extensive experimental studies are
carried out to verify our theoretical assertions.
|
Automatic recognition of element classes and boundaries in the birdsong
with variable sequences | Researches on sequential vocalization often require analysis of vocalizations
in long continuous sounds. In such studies as developmental ones or studies
across generations in which days or months of vocalizations must be analyzed,
methods for automatic recognition would be strongly desired. Although methods
for automatic speech recognition for application purposes have been intensively
studied, blindly applying them for biological purposes may not be an optimal
solution. This is because, unlike human speech recognition, analysis of
sequential vocalizations often requires accurate extraction of timing
information. In the present study we propose automated systems suitable for
recognizing birdsong, one of the most intensively investigated sequential
vocalizations, focusing on the three properties of the birdsong. First, a song
is a sequence of vocal elements, called notes, which can be grouped into
categories. Second, temporal structure of birdsong is precisely controlled,
meaning that temporal information is important in song analysis. Finally, notes
are produced according to certain probabilistic rules, which may facilitate the
accurate song recognition. We divided the procedure of song recognition into
three sub-steps: local classification, boundary detection, and global
sequencing, each of which corresponds to each of the three properties of
birdsong. We compared the performances of several different ways to arrange
these three steps. As results, we demonstrated a hybrid model of a deep neural
network and a hidden Markov model is effective in recognizing birdsong with
variable note sequences. We propose suitable arrangements of methods according
to whether accurate boundary detection is needed. Also we designed the new
measure to jointly evaluate the accuracy of note classification and boundary
detection. Our methods should be applicable, with small modification and
tuning, to the songs in other species that hold the three properties of the
sequential vocalization.
|
Minimax Lower Bounds for Linear Independence Testing | Linear independence testing is a fundamental information-theoretic and
statistical problem that can be posed as follows: given $n$ points
$\{(X_i,Y_i)\}^n_{i=1}$ from a $p+q$ dimensional multivariate distribution
where $X_i \in \mathbb{R}^p$ and $Y_i \in\mathbb{R}^q$, determine whether $a^T
X$ and $b^T Y$ are uncorrelated for every $a \in \mathbb{R}^p, b\in
\mathbb{R}^q$ or not. We give minimax lower bound for this problem (when $p+q,n
\to \infty$, $(p+q)/n \leq \kappa < \infty$, without sparsity assumptions). In
summary, our results imply that $n$ must be at least as large as $\sqrt
{pq}/\|\Sigma_{XY}\|_F^2$ for any procedure (test) to have non-trivial power,
where $\Sigma_{XY}$ is the cross-covariance matrix of $X,Y$. We also provide
some evidence that the lower bound is tight, by connections to two-sample
testing and regression in specific settings.
|
Fast Binary Embedding via Circulant Downsampled Matrix -- A
Data-Independent Approach | Binary embedding of high-dimensional data aims to produce low-dimensional
binary codes while preserving discriminative power. State-of-the-art methods
often suffer from high computation and storage costs. We present a simple and
fast embedding scheme by first downsampling N-dimensional data into
M-dimensional data and then multiplying the data with an MxM circulant matrix.
Our method requires O(N +M log M) computation and O(N) storage costs. We prove
if data have sparsity, our scheme can achieve similarity-preserving well.
Experiments further demonstrate that though our method is cost-effective and
fast, it still achieves comparable performance in image applications.
|
QUOTE: "Querying" Users as Oracles in Tag Engines - A Semi-Supervised
Learning Approach to Personalized Image Tagging | One common trend in image tagging research is to focus on visually relevant
tags, and this tends to ignore the personal and social aspect of tags,
especially on photoblogging websites such as Flickr. Previous work has
correctly identified that many of the tags that users provide on images are not
visually relevant (i.e. representative of the salient content in the image) and
they go on to treat such tags as noise, ignoring that the users chose to
provide those tags over others that could have been more visually relevant.
Another common assumption about user generated tags for images is that the
order of these tags provides no useful information for the prediction of tags
on future images. This assumption also tends to define usefulness in terms of
what is visually relevant to the image. For general tagging or labeling
applications that focus on providing visual information about image content,
these assumptions are reasonable, but when considering personalized image
tagging applications, these assumptions are at best too rigid, ignoring user
choice and preferences.
We challenge the aforementioned assumptions, and provide a machine learning
approach to the problem of personalized image tagging with the following
contributions: 1.) We reformulate the personalized image tagging problem as a
search/retrieval ranking problem, 2.) We leverage the order of tags, which does
not always reflect visual relevance, provided by the user in the past as a cue
to their tag preferences, similar to click data, 3.) We propose a technique to
augment sparse user tag data (semi-supervision), and 4.) We demonstrate the
efficacy of our method on a subset of Flickr images, showing improvement over
previous state-of-art methods.
|
A new correlation clustering method for cancer mutation analysis | Cancer genomes exhibit a large number of different alterations that affect
many genes in a diverse manner. It is widely believed that these alterations
follow combinatorial patterns that have a strong connection with the underlying
molecular interaction networks and functional pathways. A better understanding
of the generative mechanisms behind the mutation rules and their influence on
gene communities is of great importance for the process of driver mutations
discovery and for identification of network modules related to cancer
development and progression. We developed a new method for cancer mutation
pattern analysis based on a constrained form of correlation clustering.
Correlation clustering is an agnostic learning method that can be used for
general community detection problems in which the number of communities or
their structure is not known beforehand. The resulting algorithm, named $C^3$,
leverages mutual exclusivity of mutations, patient coverage, and driver network
concentration principles; it accepts as its input a user determined combination
of heterogeneous patient data, such as that available from TCGA (including
mutation, copy number, and gene expression information), and creates a large
number of clusters containing mutually exclusive mutated genes in a particular
type of cancer. The cluster sizes may be required to obey some useful soft size
constraints, without impacting the computational complexity of the algorithm.
To test $C^3$, we performed a detailed analysis on TCGA breast cancer and
glioblastoma data and showed that our algorithm outperforms the
state-of-the-art CoMEt method in terms of discovering mutually exclusive gene
modules and identifying driver genes. Our $C^3$ method represents a unique tool
for efficient and reliable identification of mutation patterns and driver
pathways in large-scale cancer genomics studies.
|
Robust Influence Maximization | In this paper, we address the important issue of uncertainty in the edge
influence probability estimates for the well studied influence maximization
problem --- the task of finding $k$ seed nodes in a social network to maximize
the influence spread. We propose the problem of robust influence maximization,
which maximizes the worst-case ratio between the influence spread of the chosen
seed set and the optimal seed set, given the uncertainty of the parameter
input. We design an algorithm that solves this problem with a
solution-dependent bound. We further study uniform sampling and adaptive
sampling methods to effectively reduce the uncertainty on parameters and
improve the robustness of the influence maximization task. Our empirical
results show that parameter uncertainty may greatly affect influence
maximization performance and prior studies that learned influence probabilities
could lead to poor performance in robust influence maximization due to
relatively large uncertainty in parameter estimates, and information cascade
based adaptive sampling method may be an effective way to improve the
robustness of influence maximization.
|
Character-Level Incremental Speech Recognition with Recurrent Neural
Networks | In real-time speech recognition applications, the latency is an important
issue. We have developed a character-level incremental speech recognition (ISR)
system that responds quickly even during the speech, where the hypotheses are
gradually improved while the speaking proceeds. The algorithm employs a
speech-to-character unidirectional recurrent neural network (RNN), which is
end-to-end trained with connectionist temporal classification (CTC), and an
RNN-based character-level language model (LM). The output values of the
CTC-trained RNN are character-level probabilities, which are processed by beam
search decoding. The RNN LM augments the decoding by providing long-term
dependency information. We propose tree-based online beam search with
additional depth-pruning, which enables the system to process infinitely long
input speech with low latency. This system not only responds quickly on speech
but also can dictate out-of-vocabulary (OOV) words according to pronunciation.
The proposed model achieves the word error rate (WER) of 8.90% on the Wall
Street Journal (WSJ) Nov'92 20K evaluation set when trained on the WSJ SI-284
training set.
|
Expected Similarity Estimation for Large-Scale Batch and Streaming
Anomaly Detection | We present a novel algorithm for anomaly detection on very large datasets and
data streams. The method, named EXPected Similarity Estimation (EXPoSE), is
kernel-based and able to efficiently compute the similarity between new data
points and the distribution of regular data. The estimator is formulated as an
inner product with a reproducing kernel Hilbert space embedding and makes no
assumption about the type or shape of the underlying data distribution. We show
that offline (batch) learning with EXPoSE can be done in linear time and online
(incremental) learning takes constant time per instance and model update.
Furthermore, EXPoSE can make predictions in constant time, while it requires
only constant memory. In addition, we propose different methodologies for
concept drift adaptation on evolving data streams. On several real datasets we
demonstrate that our approach can compete with state of the art algorithms for
anomaly detection while being an order of magnitude faster than most other
approaches.
|
A Taxonomy of Deep Convolutional Neural Nets for Computer Vision | Traditional architectures for solving computer vision problems and the degree
of success they enjoyed have been heavily reliant on hand-crafted features.
However, of late, deep learning techniques have offered a compelling
alternative -- that of automatically learning problem-specific features. With
this new paradigm, every problem in computer vision is now being re-examined
from a deep learning perspective. Therefore, it has become important to
understand what kind of deep networks are suitable for a given problem.
Although general surveys of this fast-moving paradigm (i.e. deep-networks)
exist, a survey specific to computer vision is missing. We specifically
consider one form of deep networks widely used in computer vision -
convolutional neural networks (CNNs). We start with "AlexNet" as our base CNN
and then examine the broad variations proposed over time to suit different
applications. We hope that our recipe-style survey will serve as a guide,
particularly for novice practitioners intending to use deep-learning techniques
for computer vision.
|
Time-Varying Gaussian Process Bandit Optimization | We consider the sequential Bayesian optimization problem with bandit
feedback, adopting a formulation that allows for the reward function to vary
with time. We model the reward function using a Gaussian process whose
evolution obeys a simple Markov model. We introduce two natural extensions of
the classical Gaussian process upper confidence bound (GP-UCB) algorithm. The
first, R-GP-UCB, resets GP-UCB at regular intervals. The second, TV-GP-UCB,
instead forgets about old data in a smooth fashion. Our main contribution
comprises of novel regret bounds for these algorithms, providing an explicit
characterization of the trade-off between the time horizon and the rate at
which the function varies. We illustrate the performance of the algorithms on
both synthetic and real data, and we find the gradual forgetting of TV-GP-UCB
to perform favorably compared to the sharp resetting of R-GP-UCB. Moreover,
both algorithms significantly outperform classical GP-UCB, since it treats
stale and fresh data equally.
|
Conditional distribution variability measures for causality detection | In this paper we derive variability measures for the conditional probability
distributions of a pair of random variables, and we study its application in
the inference of causal-effect relationships. We also study the combination of
the proposed measures with standard statistical measures in the the framework
of the ChaLearn cause-effect pair challenge. The developed model obtains an AUC
score of 0.82 on the final test database and ranked second in the challenge.
|
Clustering from Sparse Pairwise Measurements | We consider the problem of grouping items into clusters based on few random
pairwise comparisons between the items. We introduce three closely related
algorithms for this task: a belief propagation algorithm approximating the
Bayes optimal solution, and two spectral algorithms based on the
non-backtracking and Bethe Hessian operators. For the case of two symmetric
clusters, we conjecture that these algorithms are asymptotically optimal in
that they detect the clusters as soon as it is information theoretically
possible to do so. We substantiate this claim for one of the spectral
approaches we introduce.
|
A Robust UCB Scheme for Active Learning in Regression from Strategic
Crowds | We study the problem of training an accurate linear regression model by
procuring labels from multiple noisy crowd annotators, under a budget
constraint. We propose a Bayesian model for linear regression in crowdsourcing
and use variational inference for parameter estimation. To minimize the number
of labels crowdsourced from the annotators, we adopt an active learning
approach. In this specific context, we prove the equivalence of well-studied
criteria of active learning like entropy minimization and expected error
reduction. Interestingly, we observe that we can decouple the problems of
identifying an optimal unlabeled instance and identifying an annotator to label
it. We observe a useful connection between the multi-armed bandit framework and
the annotator selection in active learning. Due to the nature of the
distribution of the rewards on the arms, we use the Robust Upper Confidence
Bound (UCB) scheme with truncated empirical mean estimator to solve the
annotator selection problem. This yields provable guarantees on the regret. We
further apply our model to the scenario where annotators are strategic and
design suitable incentives to induce them to put in their best efforts.
|
Pixel Recurrent Neural Networks | Modeling the distribution of natural images is a landmark problem in
unsupervised learning. This task requires an image model that is at once
expressive, tractable and scalable. We present a deep neural network that
sequentially predicts the pixels in an image along the two spatial dimensions.
Our method models the discrete probability of the raw pixel values and encodes
the complete set of dependencies in the image. Architectural novelties include
fast two-dimensional recurrent layers and an effective use of residual
connections in deep recurrent networks. We achieve log-likelihood scores on
natural images that are considerably better than the previous state of the art.
Our main results also provide benchmarks on the diverse ImageNet dataset.
Samples generated from the model appear crisp, varied and globally coherent.
|
Very Efficient Training of Convolutional Neural Networks using Fast
Fourier Transform and Overlap-and-Add | Convolutional neural networks (CNNs) are currently state-of-the-art for
various classification tasks, but are computationally expensive. Propagating
through the convolutional layers is very slow, as each kernel in each layer
must sequentially calculate many dot products for a single forward and backward
propagation which equates to $\mathcal{O}(N^{2}n^{2})$ per kernel per layer
where the inputs are $N \times N$ arrays and the kernels are $n \times n$
arrays. Convolution can be efficiently performed as a Hadamard product in the
frequency domain. The bottleneck is the transformation which has a cost of
$\mathcal{O}(N^{2}\log_2 N)$ using the fast Fourier transform (FFT). However,
the increase in efficiency is less significant when $N\gg n$ as is the case in
CNNs. We mitigate this by using the "overlap-and-add" technique reducing the
computational complexity to $\mathcal{O}(N^2\log_2 n)$ per kernel. This method
increases the algorithm's efficiency in both the forward and backward
propagation, reducing the training and testing time for CNNs. Our empirical
results show our method reduces computational time by a factor of up to 16.3
times the traditional convolution implementation for a 8 $\times$ 8 kernel and
a 224 $\times$ 224 image.
|
Survey on the attention based RNN model and its applications in computer
vision | The recurrent neural networks (RNN) can be used to solve the sequence to
sequence problem, where both the input and the output have sequential
structures. Usually there are some implicit relations between the structures.
However, it is hard for the common RNN model to fully explore the relations
between the sequences. In this survey, we introduce some attention based RNN
models which can focus on different parts of the input for each output item, in
order to explore and take advantage of the implicit relations between the input
and the output items. The different attention mechanisms are described in
detail. We then introduce some applications in computer vision which apply the
attention based RNN models. The superiority of the attention based RNN model is
shown by the experimental results. At last some future research directions are
given.
|
A Novel Memetic Feature Selection Algorithm | Feature selection is a problem of finding efficient features among all
features in which the final feature set can improve accuracy and reduce
complexity. In feature selection algorithms search strategies are key aspects.
Since feature selection is an NP-Hard problem; therefore heuristic algorithms
have been studied to solve this problem. In this paper, we have proposed a
method based on memetic algorithm to find an efficient feature subset for a
classification problem. It incorporates a filter method in the genetic
algorithm to improve classification performance and accelerates the search in
identifying core feature subsets. Particularly, the method adds or deletes a
feature from a candidate feature subset based on the multivariate feature
information. Empirical study on commonly data sets of the university of
California, Irvine shows that the proposed method outperforms existing methods.
|
Unifying Adversarial Training Algorithms with Flexible Deep Data
Gradient Regularization | Many previous proposals for adversarial training of deep neural nets have
included di- rectly modifying the gradient, training on a mix of original and
adversarial examples, using contractive penalties, and approximately optimizing
constrained adversarial ob- jective functions. In this paper, we show these
proposals are actually all instances of optimizing a general, regularized
objective we call DataGrad. Our proposed DataGrad framework, which can be
viewed as a deep extension of the layerwise contractive au- toencoder penalty,
cleanly simplifies prior work and easily allows extensions such as adversarial
training with multi-task cues. In our experiments, we find that the deep gra-
dient regularization of DataGrad (which also has L1 and L2 flavors of
regularization) outperforms alternative forms of regularization, including
classical L1, L2, and multi- task, both on the original dataset as well as on
adversarial sets. Furthermore, we find that combining multi-task optimization
with DataGrad adversarial training results in the most robust performance.
|
Predicting Drug Interactions and Mutagenicity with Ensemble Classifiers
on Subgraphs of Molecules | In this study, we intend to solve a mutual information problem in interacting
molecules of any type, such as proteins, nucleic acids, and small molecules.
Using machine learning techniques, we accurately predict pairwise interactions,
which can be of medical and biological importance. Graphs are are useful in
this problem for their generality to all types of molecules, due to the
inherent association of atoms through atomic bonds. Subgraphs can represent
different molecular domains. These domains can be biologically significant as
most molecules only have portions that are of functional significance and can
interact with other domains. Thus, we use subgraphs as features in different
machine learning algorithms to predict if two drugs interact and predict
potential single molecule effects.
|
On the Sample Complexity of Learning Graphical Games | We analyze the sample complexity of learning graphical games from purely
behavioral data. We assume that we can only observe the players' joint actions
and not their payoffs. We analyze the sufficient and necessary number of
samples for the correct recovery of the set of pure-strategy Nash equilibria
(PSNE) of the true game. Our analysis focuses on directed graphs with $n$ nodes
and at most $k$ parents per node. Sparse graphs correspond to ${k \in O(1)}$
with respect to $n$, while dense graphs correspond to ${k \in O(n)}$. By using
VC dimension arguments, we show that if the number of samples is greater than
${O(k n \log^2{n})}$ for sparse graphs or ${O(n^2 \log{n})}$ for dense graphs,
then maximum likelihood estimation correctly recovers the PSNE with high
probability. By using information-theoretic arguments, we show that if the
number of samples is less than ${\Omega(k n \log^2{n})}$ for sparse graphs or
${\Omega(n^2 \log{n})}$ for dense graphs, then any conceivable method fails to
recover the PSNE with arbitrary probability.
|
Evolutionary stability implies asymptotic stability under multiplicative
weights | We show that evolutionarily stable states in general (nonlinear) population
games (which can be viewed as continuous vector fields constrained on a
polytope) are asymptotically stable under a multiplicative weights dynamic
(under appropriate choices of a parameter called the learning rate or step
size, which we demonstrate to be crucial to achieve convergence, as otherwise
even chaotic behavior is possible to manifest). Our result implies that
evolutionary theories based on multiplicative weights are compatible (in
principle, more general) with those based on the notion of evolutionary
stability. However, our result further establishes multiplicative weights as a
nonlinear programming primitive (on par with standard nonlinear programming
methods) since various nonlinear optimization problems, such as finding
Nash/Wardrop equilibria in nonatomic congestion games, which are well-known to
be equipped with a convex potential function, and finding strict local maxima
of quadratic programming problems, are special cases of the problem of
computing evolutionarily stable states in nonlinear population games.
|
Quantum machine learning with glow for episodic tasks and decision games | We consider a general class of models, where a reinforcement learning (RL)
agent learns from cyclic interactions with an external environment via
classical signals. Perceptual inputs are encoded as quantum states, which are
subsequently transformed by a quantum channel representing the agent's memory,
while the outcomes of measurements performed at the channel's output determine
the agent's actions. The learning takes place via stepwise modifications of the
channel properties. They are described by an update rule that is inspired by
the projective simulation (PS) model and equipped with a glow mechanism that
allows for a backpropagation of policy changes, analogous to the eligibility
traces in RL and edge glow in PS. In this way, the model combines features of
PS with the ability for generalization, offered by its physical embodiment as a
quantum system. We apply the agent to various setups of an invasion game and a
grid world, which serve as elementary model tasks allowing a direct comparison
with a basic classical PS agent.
|
Investigating echo state networks dynamics by means of recurrence
analysis | In this paper, we elaborate over the well-known interpretability issue in
echo state networks. The idea is to investigate the dynamics of reservoir
neurons with time-series analysis techniques taken from research on complex
systems. Notably, we analyze time-series of neuron activations with Recurrence
Plots (RPs) and Recurrence Quantification Analysis (RQA), which permit to
visualize and characterize high-dimensional dynamical systems. We show that
this approach is useful in a number of ways. First, the two-dimensional
representation offered by RPs provides a way for visualizing the
high-dimensional dynamics of a reservoir. Our results suggest that, if the
network is stable, reservoir and input denote similar line patterns in the
respective RPs. Conversely, the more unstable the ESN, the more the RP of the
reservoir presents instability patterns. As a second result, we show that the
$\mathrm{L_{max}}$ measure is highly correlated with the well-established
maximal local Lyapunov exponent. This suggests that complexity measures based
on RP diagonal lines distribution provide a valuable tool to quantify the
degree of network stability. Finally, our analysis shows that all RQA measures
fluctuate on the proximity of the so-called edge of stability, where an ESN
typically achieves maximum computational capability. We verify that the
determination of the edge of stability provided by such RQA measures is more
accurate than two well-known criteria based on the Jacobian matrix of the
reservoir. Therefore, we claim that RPs and RQA-based analyses can be used as
valuable tools to design an effective network given a specific problem.
|
Information-theoretic limits of Bayesian network structure learning | In this paper, we study the information-theoretic limits of learning the
structure of Bayesian networks (BNs), on discrete as well as continuous random
variables, from a finite number of samples. We show that the minimum number of
samples required by any procedure to recover the correct structure grows as
$\Omega(m)$ and $\Omega(k \log m + (k^2/m))$ for non-sparse and sparse BNs
respectively, where $m$ is the number of variables and $k$ is the maximum
number of parents per node. We provide a simple recipe, based on an extension
of the Fano's inequality, to obtain information-theoretic limits of structure
recovery for any exponential family BN. We instantiate our result for specific
conditional distributions in the exponential family to characterize the
fundamental limits of learning various commonly used BNs, such as conditional
probability table based networks, gaussian BNs, noisy-OR networks, and logistic
regression networks. En route to obtaining our main results, we obtain tight
bounds on the number of sparse and non-sparse essential-DAGs. Finally, as a
byproduct, we recover the information-theoretic limits of sparse variable
selection for logistic regression.
|
Unsupervised Learning in Neuromemristive Systems | Neuromemristive systems (NMSs) currently represent the most promising
platform to achieve energy efficient neuro-inspired computation. However, since
the research field is less than a decade old, there are still countless
algorithms and design paradigms to be explored within these systems. One
particular domain that remains to be fully investigated within NMSs is
unsupervised learning. In this work, we explore the design of an NMS for
unsupervised clustering, which is a critical element of several machine
learning algorithms. Using a simple memristor crossbar architecture and
learning rule, we are able to achieve performance which is on par with MATLAB's
k-means clustering.
|
Revealing Fundamental Physics from the Daya Bay Neutrino Experiment
using Deep Neural Networks | Experiments in particle physics produce enormous quantities of data that must
be analyzed and interpreted by teams of physicists. This analysis is often
exploratory, where scientists are unable to enumerate the possible types of
signal prior to performing the experiment. Thus, tools for summarizing,
clustering, visualizing and classifying high-dimensional data are essential. In
this work, we show that meaningful physical content can be revealed by
transforming the raw data into a learned high-level representation using deep
neural networks, with measurements taken at the Daya Bay Neutrino Experiment as
a case study. We further show how convolutional deep neural networks can
provide an effective classification filter with greater than 97% accuracy
across different classes of physics events, significantly better than other
machine learning approaches.
|
Log-Normal Matrix Completion for Large Scale Link Prediction | The ubiquitous proliferation of online social networks has led to the
widescale emergence of relational graphs expressing unique patterns in link
formation and descriptive user node features. Matrix Factorization and
Completion have become popular methods for Link Prediction due to the low rank
nature of mutual node friendship information, and the availability of parallel
computer architectures for rapid matrix processing. Current Link Prediction
literature has demonstrated vast performance improvement through the
utilization of sparsity in addition to the low rank matrix assumption. However,
the majority of research has introduced sparsity through the limited L1 or
Frobenius norms, instead of considering the more detailed distributions which
led to the graph formation and relationship evolution. In particular, social
networks have been found to express either Pareto, or more recently discovered,
Log Normal distributions. Employing the convexity-inducing Lovasz Extension, we
demonstrate how incorporating specific degree distribution information can lead
to large scale improvements in Matrix Completion based Link prediction. We
introduce Log-Normal Matrix Completion (LNMC), and solve the complex
optimization problem by employing Alternating Direction Method of Multipliers.
Using data from three popular social networks, our experiments yield up to 5%
AUC increase over top-performing non-structured sparsity based methods.
|
Distributed Low Rank Approximation of Implicit Functions of a Matrix | We study distributed low rank approximation in which the matrix to be
approximated is only implicitly represented across the different servers. For
example, each of $s$ servers may have an $n \times d$ matrix $A^t$, and we may
be interested in computing a low rank approximation to $A = f(\sum_{t=1}^s
A^t)$, where $f$ is a function which is applied entrywise to the matrix
$\sum_{t=1}^s A^t$. We show for a wide class of functions $f$ it is possible to
efficiently compute a $d \times d$ rank-$k$ projection matrix $P$ for which
$\|A - AP\|_F^2 \leq \|A - [A]_k\|_F^2 + \varepsilon \|A\|_F^2$, where $AP$
denotes the projection of $A$ onto the row span of $P$, and $[A]_k$ denotes the
best rank-$k$ approximation to $A$ given by the singular value decomposition.
The communication cost of our protocols is $d \cdot (sk/\varepsilon)^{O(1)}$,
and they succeed with high probability. Our framework allows us to efficiently
compute a low rank approximation to an entry-wise softmax, to a Gaussian kernel
expansion, and to $M$-Estimators applied entrywise (i.e., forms of robust low
rank approximation). We also show that our additive error approximation is best
possible, in the sense that any protocol achieving relative error for these
problems requires significantly more communication. Finally, we experimentally
validate our algorithms on real datasets.
|
Distributed User Association in Energy Harvesting Small Cell Networks: A
Probabilistic Model | We consider a distributed downlink user association problem in a small cell
network, where small cells obtain the required energy for providing wireless
services to users through ambient energy harvesting. Since energy harvesting is
opportunistic in nature, the amount of harvested energy is a random variable,
without any a priori known characteristics. Moreover, since users arrive in the
network randomly and require different wireless services, the energy
consumption is a random variable as well. In this paper, we propose a
probabilistic framework to mathematically model and analyze the random behavior
of energy harvesting and energy consumption in dense small cell networks.
Furthermore, as acquiring (even statistical) channel and network knowledge is
very costly in a distributed dense network, we develop a bandit-theoretical
formulation for distributed user association when no information is available
at users
|
Joint Sensing Matrix and Sparsifying Dictionary Optimization for Tensor
Compressive Sensing | Tensor Compressive Sensing (TCS) is a multidimensional framework of
Compressive Sensing (CS), and it is advantageous in terms of reducing the
amount of storage, easing hardware implementations and preserving
multidimensional structures of signals in comparison to a conventional CS
system. In a TCS system, instead of using a random sensing matrix and a
predefined dictionary, the average-case performance can be further improved by
employing an optimized multidimensional sensing matrix and a learned
multilinear sparsifying dictionary. In this paper, we propose a joint
optimization approach of the sensing matrix and dictionary for a TCS system.
For the sensing matrix design in TCS, an extended separable approach with a
closed form solution and a novel iterative non-separable method are proposed
when the multilinear dictionary is fixed. In addition, a multidimensional
dictionary learning method that takes advantages of the multidimensional
structure is derived, and the influence of sensing matrices is taken into
account in the learning process. A joint optimization is achieved via
alternately iterating the optimization of the sensing matrix and dictionary.
Numerical experiments using both synthetic data and real images demonstrate the
superiority of the proposed approaches.
|
Parameterized Machine Learning for High-Energy Physics | We investigate a new structure for machine learning classifiers applied to
problems in high-energy physics by expanding the inputs to include not only
measured features but also physics parameters. The physics parameters represent
a smoothly varying learning task, and the resulting parameterized classifier
can smoothly interpolate between them and replace sets of classifiers trained
at individual values. This simplifies the training process and gives improved
performance at intermediate values, even for complex problems requiring deep
learning. Applications include tools parameterized in terms of theoretical
model parameters, such as the mass of a particle, which allow for a single
network to provide improved discrimination across a range of masses. This
concept is simple to implement and allows for optimized interpolatable results.
|
Automating biomedical data science through tree-based pipeline
optimization | Over the past decade, data science and machine learning has grown from a
mysterious art form to a staple tool across a variety of fields in academia,
business, and government. In this paper, we introduce the concept of tree-based
pipeline optimization for automating one of the most tedious parts of machine
learning---pipeline design. We implement a Tree-based Pipeline Optimization
Tool (TPOT) and demonstrate its effectiveness on a series of simulated and
real-world genetic data sets. In particular, we show that TPOT can build
machine learning pipelines that achieve competitive classification accuracy and
discover novel pipeline operators---such as synthetic feature
constructors---that significantly improve classification accuracy on these data
sets. We also highlight the current challenges to pipeline optimization, such
as the tendency to produce pipelines that overfit the data, and suggest future
research paths to overcome these challenges. As such, this work represents an
early step toward fully automating machine learning pipeline design.
|
Information-Theoretic Lower Bounds for Recovery of Diffusion Network
Structures | We study the information-theoretic lower bound of the sample complexity of
the correct recovery of diffusion network structures. We introduce a
discrete-time diffusion model based on the Independent Cascade model for which
we obtain a lower bound of order $\Omega(k \log p)$, for directed graphs of $p$
nodes, and at most $k$ parents per node. Next, we introduce a continuous-time
diffusion model, for which a similar lower bound of order $\Omega(k \log p)$ is
obtained. Our results show that the algorithm of Pouget-Abadie et al. is
statistically optimal for the discrete-time regime. Our work also opens the
question of whether it is possible to devise an optimal algorithm for the
continuous-time regime.
|
Large-scale Kernel-based Feature Extraction via Budgeted Nonlinear
Subspace Tracking | Kernel-based methods enjoy powerful generalization capabilities in handling a
variety of learning tasks. When such methods are provided with sufficient
training data, broadly-applicable classes of nonlinear functions can be
approximated with desired accuracy. Nevertheless, inherent to the nonparametric
nature of kernel-based estimators are computational and memory requirements
that become prohibitive with large-scale datasets. In response to this
formidable challenge, the present work puts forward a low-rank, kernel-based,
feature extraction approach that is particularly tailored for online operation,
where data streams need not be stored in memory. A novel generative model is
introduced to approximate high-dimensional (possibly infinite) features via a
low-rank nonlinear subspace, the learning of which leads to a direct kernel
function approximation. Offline and online solvers are developed for the
subspace learning task, along with affordable versions, in which the number of
stored data vectors is confined to a predefined budget. Analytical results
provide performance bounds on how well the kernel matrix as well as
kernel-based classification and regression tasks can be approximated by
leveraging budgeted online subspace learning and feature extraction schemes.
Tests on synthetic and real datasets demonstrate and benchmark the efficiency
of the proposed method when linear classification and regression is applied to
the extracted features.
|
Feature Selection: A Data Perspective | Feature selection, as a data preprocessing strategy, has been proven to be
effective and efficient in preparing data (especially high-dimensional data)
for various data mining and machine learning problems. The objectives of
feature selection include: building simpler and more comprehensible models,
improving data mining performance, and preparing clean, understandable data.
The recent proliferation of big data has presented some substantial challenges
and opportunities to feature selection. In this survey, we provide a
comprehensive and structured overview of recent advances in feature selection
research. Motivated by current challenges and opportunities in the era of big
data, we revisit feature selection research from a data perspective and review
representative feature selection algorithms for conventional data, structured
data, heterogeneous data and streaming data. Methodologically, to emphasize the
differences and similarities of most existing feature selection algorithms for
conventional data, we categorize them into four main groups: similarity based,
information theoretical based, sparse learning based and statistical based
methods. To facilitate and promote the research in this community, we also
present an open-source feature selection repository that consists of most of
the popular feature selection algorithms
(\url{http://featureselection.asu.edu/}). Also, we use it as an example to show
how to evaluate feature selection algorithms. At the end of the survey, we
present a discussion about some open problems and challenges that require more
attention in future research.
|
System Identification through Online Sparse Gaussian Process Regression
with Input Noise | There has been a growing interest in using non-parametric regression methods
like Gaussian Process (GP) regression for system identification. GP regression
does traditionally have three important downsides: (1) it is computationally
intensive, (2) it cannot efficiently implement newly obtained measurements
online, and (3) it cannot deal with stochastic (noisy) input points. In this
paper we present an algorithm tackling all these three issues simultaneously.
The resulting Sparse Online Noisy Input GP (SONIG) regression algorithm can
incorporate new noisy measurements in constant runtime. A comparison has shown
that it is more accurate than similar existing regression algorithms. When
applied to non-linear black-box system modeling, its performance is competitive
with existing non-linear ARX models.
|
Kernels for sequentially ordered data | We present a novel framework for kernel learning with sequential data of any
kind, such as time series, sequences of graphs, or strings. Our approach is
based on signature features which can be seen as an ordered variant of sample
(cross-)moments; it allows to obtain a "sequentialized" version of any static
kernel. The sequential kernels are efficiently computable for discrete
sequences and are shown to approximate a continuous moment form in a sampling
sense.
A number of known kernels for sequences arise as "sequentializations" of
suitable static kernels: string kernels may be obtained as a special case, and
alignment kernels are closely related up to a modification that resolves their
open non-definiteness issue. Our experiments indicate that our signature-based
sequential kernel framework may be a promising approach to learning with
sequential data, such as time series, that allows to avoid extensive manual
pre-processing.
|
Spectrum Estimation from Samples | We consider the problem of approximating the set of eigenvalues of the
covariance matrix of a multivariate distribution (equivalently, the problem of
approximating the "population spectrum"), given access to samples drawn from
the distribution. The eigenvalues of the covariance of a distribution contain
basic information about the distribution, including the presence or lack of
structure in the distribution, the effective dimensionality of the
distribution, and the applicability of higher-level machine learning and
multivariate statistical tools. We consider this fundamental recovery problem
in the regime where the number of samples is comparable, or even sublinear in
the dimensionality of the distribution in question. First, we propose a
theoretically optimal and computationally efficient algorithm for recovering
the moments of the eigenvalues of the population covariance matrix. We then
leverage this accurate moment recovery, via a Wasserstein distance argument, to
show that the vector of eigenvalues can be accurately recovered. We provide
finite--sample bounds on the expected error of the recovered eigenvalues, which
imply that our estimator is asymptotically consistent as the dimensionality of
the distribution and sample size tend towards infinity, even in the sublinear
sample regime where the ratio of the sample size to the dimensionality tends to
zero. In addition to our theoretical results, we show that our approach
performs well in practice for a broad range of distributions and sample sizes.
|
DNA-inspired online behavioral modeling and its application to spambot
detection | We propose a strikingly novel, simple, and effective approach to model online
user behavior: we extract and analyze digital DNA sequences from user online
actions and we use Twitter as a benchmark to test our proposal. We obtain an
incisive and compact DNA-inspired characterization of user actions. Then, we
apply standard DNA analysis techniques to discriminate between genuine and
spambot accounts on Twitter. An experimental campaign supports our proposal,
showing its effectiveness and viability. To the best of our knowledge, we are
the first ones to identify and adapt DNA-inspired techniques to online user
behavioral modeling. While Twitter spambot detection is a specific use case on
a specific social media, our proposed methodology is platform and technology
agnostic, hence paving the way for diverse behavioral characterization tasks.
|
SCOPE: Scalable Composite Optimization for Learning on Spark | Many machine learning models, such as logistic regression~(LR) and support
vector machine~(SVM), can be formulated as composite optimization problems.
Recently, many distributed stochastic optimization~(DSO) methods have been
proposed to solve the large-scale composite optimization problems, which have
shown better performance than traditional batch methods. However, most of these
DSO methods are not scalable enough. In this paper, we propose a novel DSO
method, called \underline{s}calable \underline{c}omposite
\underline{op}timization for l\underline{e}arning~({SCOPE}), and implement it
on the fault-tolerant distributed platform \mbox{Spark}. SCOPE is both
computation-efficient and communication-efficient. Theoretical analysis shows
that SCOPE is convergent with linear convergence rate when the objective
function is convex. Furthermore, empirical results on real datasets show that
SCOPE can outperform other state-of-the-art distributed learning methods on
Spark, including both batch learning methods and DSO methods.
|
Multiple instance learning for sequence data with across bag
dependencies | In Multiple Instance Learning (MIL) problem for sequence data, the instances
inside the bags are sequences. In some real world applications such as
bioinformatics, comparing a random couple of sequences makes no sense. In fact,
each instance may have structural and/or functional relations with instances of
other bags. Thus, the classification task should take into account this across
bag relation. In this work, we present two novel MIL approaches for sequence
data classification named ABClass and ABSim. ABClass extracts motifs from
related instances and use them to encode sequences. A discriminative classifier
is then applied to compute a partial classification result for each set of
related sequences. ABSim uses a similarity measure to discriminate the related
instances and to compute a scores matrix. For both approaches, an aggregation
method is applied in order to generate the final classification result. We
applied both approaches to solve the problem of bacterial Ionizing Radiation
Resistance prediction. The experimental results of the presented approaches are
satisfactory.
|
Deep Learning For Smile Recognition | Inspired by recent successes of deep learning in computer vision, we propose
a novel application of deep convolutional neural networks to facial expression
recognition, in particular smile recognition. A smile recognition test accuracy
of 99.45% is achieved for the Denver Intensity of Spontaneous Facial Action
(DISFA) database, significantly outperforming existing approaches based on
hand-crafted features with accuracies ranging from 65.55% to 79.67%. The
novelty of this approach includes a comprehensive model selection of the
architecture parameters, allowing to find an appropriate architecture for each
expression such as smile. This is feasible because all experiments were run on
a Tesla K40c GPU, allowing a speedup of factor 10 over traditional computations
on a CPU.
|
Greedy Deep Dictionary Learning | In this work we propose a new deep learning tool called deep dictionary
learning. Multi-level dictionaries are learnt in a greedy fashion, one layer at
a time. This requires solving a simple (shallow) dictionary learning problem,
the solution to this is well known. We apply the proposed technique on some
benchmark deep learning datasets. We compare our results with other deep
learning tools like stacked autoencoder and deep belief network; and state of
the art supervised dictionary learning tools like discriminative KSVD and label
consistent KSVD. Our method yields better results than all.
|
Unsupervised Deep Hashing for Large-scale Visual Search | Learning based hashing plays a pivotal role in large-scale visual search.
However, most existing hashing algorithms tend to learn shallow models that do
not seek representative binary codes. In this paper, we propose a novel hashing
approach based on unsupervised deep learning to hierarchically transform
features into hash codes. Within the heterogeneous deep hashing framework, the
autoencoder layers with specific constraints are considered to model the
nonlinear mapping between features and binary codes. Then, a Restricted
Boltzmann Machine (RBM) layer with constraints is utilized to reduce the
dimension in the hamming space. Extensive experiments on the problem of visual
search demonstrate the competitiveness of our proposed approach compared to
state-of-the-art.
|
Feature Selection for Regression Problems Based on the Morisita
Estimator of Intrinsic Dimension | Data acquisition, storage and management have been improved, while the key
factors of many phenomena are not well known. Consequently, irrelevant and
redundant features artificially increase the size of datasets, which
complicates learning tasks, such as regression. To address this problem,
feature selection methods have been proposed. This paper introduces a new
supervised filter based on the Morisita estimator of intrinsic dimension. It
can identify relevant features and distinguish between redundant and irrelevant
information. Besides, it offers a clear graphical representation of the
results, and it can be easily implemented in different programming languages.
Comprehensive numerical experiments are conducted using simulated datasets
characterized by different levels of complexity, sample size and noise. The
suggested algorithm is also successfully tested on a selection of real world
applications and compared with RReliefF using extreme learning machine. In
addition, a new measure of feature relevance is presented and discussed.
|
A Proximal Stochastic Quasi-Newton Algorithm | In this paper, we discuss the problem of minimizing the sum of two convex
functions: a smooth function plus a non-smooth function. Further, the smooth
part can be expressed by the average of a large number of smooth component
functions, and the non-smooth part is equipped with a simple proximal mapping.
We propose a proximal stochastic second-order method, which is efficient and
scalable. It incorporates the Hessian in the smooth part of the function and
exploits multistage scheme to reduce the variance of the stochastic gradient.
We prove that our method can achieve linear rate of convergence.
|
Additive Approximations in High Dimensional Nonparametric Regression via
the SALSA | High dimensional nonparametric regression is an inherently difficult problem
with known lower bounds depending exponentially in dimension. A popular
strategy to alleviate this curse of dimensionality has been to use additive
models of \emph{first order}, which model the regression function as a sum of
independent functions on each dimension. Though useful in controlling the
variance of the estimate, such models are often too restrictive in practical
settings. Between non-additive models which often have large variance and first
order additive models which have large bias, there has been little work to
exploit the trade-off in the middle via additive models of intermediate order.
In this work, we propose SALSA, which bridges this gap by allowing interactions
between variables, but controls model capacity by limiting the order of
interactions. SALSA minimises the residual sum of squares with squared RKHS
norm penalties. Algorithmically, it can be viewed as Kernel Ridge Regression
with an additive kernel. When the regression function is additive, the excess
risk is only polynomial in dimension. Using the Girard-Newton formulae, we
efficiently sum over a combinatorial number of terms in the additive expansion.
Via a comparison on $15$ real datasets, we show that our method is competitive
against $21$ other alternatives.
|
Bandits meet Computer Architecture: Designing a Smartly-allocated Cache | In many embedded systems, such as imaging sys- tems, the system has a single
designated purpose, and same threads are executed repeatedly. Profiling thread
behavior, allows the system to allocate each thread its resources in a way that
improves overall system performance. We study an online resource al-
locationproblem,wherearesourcemanagersimulta- neously allocates resources
(exploration), learns the impact on the different consumers (learning) and im-
proves allocation towards optimal performance (ex- ploitation). We build on the
rich framework of multi- armed bandits and present online and offline algo-
rithms. Through extensive experiments with both synthetic data and real-world
cache allocation to threads we show the merits and properties of our al-
gorithms
|
Adaptive Subgradient Methods for Online AUC Maximization | Learning for maximizing AUC performance is an important research problem in
Machine Learning and Artificial Intelligence. Unlike traditional batch learning
methods for maximizing AUC which often suffer from poor scalability, recent
years have witnessed some emerging studies that attempt to maximize AUC by
single-pass online learning approaches. Despite their encouraging results
reported, the existing online AUC maximization algorithms often adopt simple
online gradient descent approaches that fail to exploit the geometrical
knowledge of the data observed during the online learning process, and thus
could suffer from relatively larger regret. To address the above limitation, in
this work, we explore a novel algorithm of Adaptive Online AUC Maximization
(AdaOAM) which employs an adaptive gradient method that exploits the knowledge
of historical gradients to perform more informative online learning. The new
adaptive updating strategy of the AdaOAM is less sensitive to the parameter
settings and maintains the same time complexity as previous non-adaptive
counterparts. Additionally, we extend the algorithm to handle high-dimensional
sparse data (SAdaOAM) and address sparsity in the solution by performing lazy
gradient updating. We analyze the theoretical bounds and evaluate their
empirical performance on various types of data sets. The encouraging empirical
results obtained clearly highlighted the effectiveness and efficiency of the
proposed algorithms.
|
Active Learning Algorithms for Graphical Model Selection | The problem of learning the structure of a high dimensional graphical model
from data has received considerable attention in recent years. In many
applications such as sensor networks and proteomics it is often expensive to
obtain samples from all the variables involved simultaneously. For instance,
this might involve the synchronization of a large number of sensors or the
tagging of a large number of proteins. To address this important issue, we
initiate the study of a novel graphical model selection problem, where the goal
is to optimize the total number of scalar samples obtained by allowing the
collection of samples from only subsets of the variables. We propose a general
paradigm for graphical model selection where feedback is used to guide the
sampling to high degree vertices, while obtaining only few samples from the
ones with the low degrees. We instantiate this framework with two specific
active learning algorithms, one of which makes mild assumptions but is
computationally expensive, while the other is more computationally efficient
but requires stronger (nevertheless standard) assumptions. Whereas the sample
complexity of passive algorithms is typically a function of the maximum degree
of the graph, we show that the sample complexity of our algorithms is provable
smaller and that it depends on a novel local complexity measure that is akin to
the average degree of the graph. We finally demonstrate the efficacy of our
framework via simulations.
|
DeepCare: A Deep Dynamic Memory Model for Predictive Medicine | Personalized predictive medicine necessitates the modeling of patient illness
and care processes, which inherently have long-term temporal dependencies.
Healthcare observations, recorded in electronic medical records, are episodic
and irregular in time. We introduce DeepCare, an end-to-end deep dynamic neural
network that reads medical records, stores previous illness history, infers
current illness states and predicts future medical outcomes. At the data level,
DeepCare represents care episodes as vectors in space, models patient health
state trajectories through explicit memory of historical records. Built on Long
Short-Term Memory (LSTM), DeepCare introduces time parameterizations to handle
irregular timed events by moderating the forgetting and consolidation of memory
cells. DeepCare also incorporates medical interventions that change the course
of illness and shape future medical risk. Moving up to the health state level,
historical and present health states are then aggregated through multiscale
temporal pooling, before passing through a neural network that estimates future
outcomes. We demonstrate the efficacy of DeepCare for disease progression
modeling, intervention recommendation, and future risk prediction. On two
important cohorts with heavy social and economic burden -- diabetes and mental
health -- the results show improved modeling and risk prediction accuracy.
|
Visualizing Large-scale and High-dimensional Data | We study the problem of visualizing large-scale and high-dimensional data in
a low-dimensional (typically 2D or 3D) space. Much success has been reported
recently by techniques that first compute a similarity structure of the data
points and then project them into a low-dimensional space with the structure
preserved. These two steps suffer from considerable computational costs,
preventing the state-of-the-art methods such as the t-SNE from scaling to
large-scale and high-dimensional data (e.g., millions of data points and
hundreds of dimensions). We propose the LargeVis, a technique that first
constructs an accurately approximated K-nearest neighbor graph from the data
and then layouts the graph in the low-dimensional space. Comparing to t-SNE,
LargeVis significantly reduces the computational cost of the graph construction
step and employs a principled probabilistic model for the visualization step,
the objective of which can be effectively optimized through asynchronous
stochastic gradient descent with a linear time complexity. The whole procedure
thus easily scales to millions of high-dimensional data points. Experimental
results on real-world data sets demonstrate that the LargeVis outperforms the
state-of-the-art methods in both efficiency and effectiveness. The
hyper-parameters of LargeVis are also much more stable over different data
sets.
|
ConfidentCare: A Clinical Decision Support System for Personalized
Breast Cancer Screening | Breast cancer screening policies attempt to achieve timely diagnosis by the
regular screening of apparently healthy women. Various clinical decisions are
needed to manage the screening process; those include: selecting the screening
tests for a woman to take, interpreting the test outcomes, and deciding whether
or not a woman should be referred to a diagnostic test. Such decisions are
currently guided by clinical practice guidelines (CPGs), which represent a
one-size-fits-all approach that are designed to work well on average for a
population, without guaranteeing that it will work well uniformly over that
population. Since the risks and benefits of screening are functions of each
patients features, personalized screening policies that are tailored to the
features of individuals are needed in order to ensure that the right tests are
recommended to the right woman. In order to address this issue, we present
ConfidentCare: a computer-aided clinical decision support system that learns a
personalized screening policy from the electronic health record (EHR) data.
ConfidentCare operates by recognizing clusters of similar patients, and
learning the best screening policy to adopt for each cluster. A cluster of
patients is a set of patients with similar features (e.g. age, breast density,
family history, etc.), and the screening policy is a set of guidelines on what
actions to recommend for a woman given her features and screening test scores.
ConfidentCare algorithm ensures that the policy adopted for every cluster of
patients satisfies a predefined accuracy requirement with a high level of
confidence. We show that our algorithm outperforms the current CPGs in terms of
cost-efficiency and false positive rates.
|
An Iterative Deep Learning Framework for Unsupervised Discovery of
Speech Features and Linguistic Units with Applications on Spoken Term
Detection | In this work we aim to discover high quality speech features and linguistic
units directly from unlabeled speech data in a zero resource scenario. The
results are evaluated using the metrics and corpora proposed in the Zero
Resource Speech Challenge organized at Interspeech 2015. A Multi-layered
Acoustic Tokenizer (MAT) was proposed for automatic discovery of multiple sets
of acoustic tokens from the given corpus. Each acoustic token set is specified
by a set of hyperparameters that describe the model configuration. These sets
of acoustic tokens carry different characteristics fof the given corpus and the
language behind, thus can be mutually reinforced. The multiple sets of token
labels are then used as the targets of a Multi-target Deep Neural Network
(MDNN) trained on low-level acoustic features. Bottleneck features extracted
from the MDNN are then used as the feedback input to the MAT and the MDNN
itself in the next iteration. We call this iterative deep learning framework
the Multi-layered Acoustic Tokenizing Deep Neural Network (MAT-DNN), which
generates both high quality speech features for the Track 1 of the Challenge
and acoustic tokens for the Track 2 of the Challenge. In addition, we performed
extra experiments on the same corpora on the application of query-by-example
spoken term detection. The experimental results showed the iterative deep
learning framework of MAT-DNN improved the detection performance due to better
underlying speech features and acoustic tokens.
|
Real Time Video Quality Representation Classification of Encrypted HTTP
Adaptive Video Streaming - the Case of Safari | The increasing popularity of HTTP adaptive video streaming services has
dramatically increased bandwidth requirements on operator networks, which
attempt to shape their traffic through Deep Packet Inspection (DPI). However,
Google and certain content providers have started to encrypt their video
services. As a result, operators often encounter difficulties in shaping their
encrypted video traffic via DPI. This highlights the need for new traffic
classification methods for encrypted HTTP adaptive video streaming to enable
smart traffic shaping. These new methods will have to effectively estimate the
quality representation layer and playout buffer. We present a new method and
show for the first time that video quality representation classification for
(YouTube) encrypted HTTP adaptive streaming is possible. We analyze the
performance of this classification method with Safari over HTTPS. Based on a
large number of offline and online traffic classification experiments, we
demonstrate that it can independently classify, in real time, every video
segment into one of the quality representation layers with 97.18% average
accuracy.
|
I Know What You Saw Last Minute - Encrypted HTTP Adaptive Video
Streaming Title Classification | Desktops and laptops can be maliciously exploited to violate privacy. There
are two main types of attack scenarios: active and passive. In this paper, we
consider the passive scenario where the adversary does not interact actively
with the device, but he is able to eavesdrop on the network traffic of the
device from the network side. Most of the Internet traffic is encrypted and
thus passive attacks are challenging. Previous research has shown that
information can be extracted from encrypted multimedia streams. This includes
video title classification of non HTTP adaptive streams (non-HAS). This paper
presents an algorithm for encrypted HTTP adaptive video streaming title
classification. We show that an external attacker can identify the video title
from video HTTP adaptive streams (HAS) sites such as YouTube. To the best of
our knowledge, this is the first work that shows this. We provide a large data
set of 10000 YouTube video streams of 100 popular video titles (each title
downloaded 100 times) as examples for this task. The dataset was collected
under real-world network conditions. We present several machine algorithms for
the task and run a through set of experiments, which shows that our
classification accuracy is more than 95%. We also show that our algorithms are
able to classify video titles that are not in the training set as unknown and
some of the algorithms are also able to eliminate false prediction of video
titles and instead report unknown. Finally, we evaluate our algorithms
robustness to delays and packet losses at test time and show that a solution
that uses SVM is the most robust against these changes given enough training
data. We provide the dataset and the crawler for future research.
|
Graph-based Predictable Feature Analysis | We propose graph-based predictable feature analysis (GPFA), a new method for
unsupervised learning of predictable features from high-dimensional time
series, where high predictability is understood very generically as low
variance in the distribution of the next data point given the previous ones. We
show how this measure of predictability can be understood in terms of graph
embedding as well as how it relates to the information-theoretic measure of
predictive information in special cases. We confirm the effectiveness of GPFA
on different datasets, comparing it to three existing algorithms with similar
objectives---namely slow feature analysis, forecastable component analysis, and
predictable feature analysis---to which GPFA shows very competitive results.
|
Multi-object Classification via Crowdsourcing with a Reject Option | Consider designing an effective crowdsourcing system for an $M$-ary
classification task. Crowd workers complete simple binary microtasks whose
results are aggregated to give the final result. We consider the novel scenario
where workers have a reject option so they may skip microtasks when they are
unable or choose not to respond. For example, in mismatched speech
transcription, workers who do not know the language may not be able to respond
to microtasks focused on phonological dimensions outside their categorical
perception. We present an aggregation approach using a weighted majority voting
rule, where each worker's response is assigned an optimized weight to maximize
the crowd's classification performance. We evaluate system performance in both
exact and asymptotic forms. Further, we consider the setting where there may be
a set of greedy workers that complete microtasks even when they are unable to
perform it reliably. We consider an oblivious and an expurgation strategy to
deal with greedy workers, developing an algorithm to adaptively switch between
the two based on the estimated fraction of greedy workers in the anonymous
crowd. Simulation results show improved performance compared with conventional
majority voting.
|
Learning Data Triage: Linear Decoding Works for Compressive MRI | The standard approach to compressive sampling considers recovering an unknown
deterministic signal with certain known structure, and designing the
sub-sampling pattern and recovery algorithm based on the known structure. This
approach requires looking for a good representation that reveals the signal
structure, and solving a non-smooth convex minimization problem (e.g., basis
pursuit). In this paper, another approach is considered: We learn a good
sub-sampling pattern based on available training signals, without knowing the
signal structure in advance, and reconstruct an accordingly sub-sampled signal
by computationally much cheaper linear reconstruction. We provide a theoretical
guarantee on the recovery error, and show via experiments on real-world MRI
data the effectiveness of the proposed compressive MRI scheme.
|
Deep Tracking: Seeing Beyond Seeing Using Recurrent Neural Networks | This paper presents to the best of our knowledge the first end-to-end object
tracking approach which directly maps from raw sensor input to object tracks in
sensor space without requiring any feature engineering or system identification
in the form of plant or sensor models. Specifically, our system accepts a
stream of raw sensor data at one end and, in real-time, produces an estimate of
the entire environment state at the output including even occluded objects. We
achieve this by framing the problem as a deep learning task and exploit
sequence models in the form of recurrent neural networks to learn a mapping
from sensor measurements to object tracks. In particular, we propose a learning
method based on a form of input dropout which allows learning in an
unsupervised manner, only based on raw, occluded sensor data without access to
ground-truth annotations. We demonstrate our approach using a synthetic dataset
designed to mimic the task of tracking objects in 2D laser data -- as commonly
encountered in robotics applications -- and show that it learns to track many
dynamic objects despite occlusions and the presence of sensor noise.
|
On Deep Multi-View Representation Learning: Objectives and Optimization | We consider learning representations (features) in the setting in which we
have access to multiple unlabeled views of the data for learning while only one
view is available for downstream tasks. Previous work on this problem has
proposed several techniques based on deep neural networks, typically involving
either autoencoder-like networks with a reconstruction objective or paired
feedforward networks with a batch-style correlation-based objective. We analyze
several techniques based on prior work, as well as new variants, and compare
them empirically on image, speech, and text tasks. We find an advantage for
correlation-based representation learning, while the best results on most tasks
are obtained with our new variant, deep canonically correlated autoencoders
(DCCAE). We also explore a stochastic optimization procedure for minibatch
correlation-based objectives and discuss the time/performance trade-offs for
kernel-based and neural network-based implementations.
|
Improved Achievability and Converse Bounds for Erd\H{o}s-R\'enyi Graph
Matching | We consider the problem of perfectly recovering the vertex correspondence
between two correlated Erd\H{o}s-R\'enyi (ER) graphs. For a pair of correlated
graphs on the same vertex set, the correspondence between the vertices can be
obscured by randomly permuting the vertex labels of one of the graphs. In some
cases, the structural information in the graphs allow this correspondence to be
recovered. We investigate the information-theoretic threshold for exact
recovery, i.e. the conditions under which the entire vertex correspondence can
be correctly recovered given unbounded computational resources.
Pedarsani and Grossglauser provided an achievability result of this type.
Their result establishes the scaling dependence of the threshold on the number
of vertices. We improve on their achievability bound. We also provide a
converse bound, establishing conditions under which exact recovery is
impossible. Together, these establish the scaling dependence of the threshold
on the level of correlation between the two graphs. The converse and
achievability bounds differ by a factor of two for sparse, significantly
correlated graphs.
|
Better safe than sorry: Risky function exploitation through safe
optimization | Exploration-exploitation of functions, that is learning and optimizing a
mapping between inputs and expected outputs, is ubiquitous to many real world
situations. These situations sometimes require us to avoid certain outcomes at
all cost, for example because they are poisonous, harmful, or otherwise
dangerous. We test participants' behavior in scenarios in which they have to
find the optimum of a function while at the same time avoid outputs below a
certain threshold. In two experiments, we find that Safe-Optimization, a
Gaussian Process-based exploration-exploitation algorithm, describes
participants' behavior well and that participants seem to care firstly whether
a point is safe and then try to pick the optimal point from all such safe
points. This means that their trade-off between exploration and exploitation
can be seen as an intelligent, approximate, and homeostasis-driven strategy.
|
Minimum Regret Search for Single- and Multi-Task Optimization | We propose minimum regret search (MRS), a novel acquisition function for
Bayesian optimization. MRS bears similarities with information-theoretic
approaches such as entropy search (ES). However, while ES aims in each query at
maximizing the information gain with respect to the global maximum, MRS aims at
minimizing the expected simple regret of its ultimate recommendation for the
optimum. While empirically ES and MRS perform similar in most of the cases, MRS
produces fewer outliers with high simple regret than ES. We provide empirical
results both for a synthetic single-task optimization problem as well as for a
simulated multi-task robotic control problem.
|
Interactive algorithms: from pool to stream | We consider interactive algorithms in the pool-based setting, and in the
stream-based setting. Interactive algorithms observe suggested elements
(representing actions or queries), and interactively select some of them and
receive responses. Pool-based algorithms can select elements at any order,
while stream-based algorithms observe elements in sequence, and can only select
elements immediately after observing them. We assume that the suggested
elements are generated independently from some source distribution, and ask
what is the stream size required for emulating a pool algorithm with a given
pool size. We provide algorithms and matching lower bounds for general pool
algorithms, and for utility-based pool algorithms. We further show that a
maximal gap between the two settings exists also in the special case of active
learning for binary classification.
|
Single-Solution Hypervolume Maximization and its use for Improving
Generalization of Neural Networks | This paper introduces the hypervolume maximization with a single solution as
an alternative to the mean loss minimization. The relationship between the two
problems is proved through bounds on the cost function when an optimal solution
to one of the problems is evaluated on the other, with a hyperparameter to
control the similarity between the two problems. This same hyperparameter
allows higher weight to be placed on samples with higher loss when computing
the hypervolume's gradient, whose normalized version can range from the mean
loss to the max loss. An experiment on MNIST with a neural network is used to
validate the theory developed, showing that the hypervolume maximization can
behave similarly to the mean loss minimization and can also provide better
performance, resulting on a 20% reduction of the classification error on the
test set.
|
Learning Discriminative Features via Label Consistent Neural Network | Deep Convolutional Neural Networks (CNN) enforces supervised information only
at the output layer, and hidden layers are trained by back propagating the
prediction error from the output layer without explicit supervision. We propose
a supervised feature learning approach, Label Consistent Neural Network, which
enforces direct supervision in late hidden layers. We associate each neuron in
a hidden layer with a particular class label and encourage it to be activated
for input signals from the same class. More specifically, we introduce a label
consistency regularization called "discriminative representation error" loss
for late hidden layers and combine it with classification error loss to build
our overall objective function. This label consistency constraint alleviates
the common problem of gradient vanishing and tends to faster convergence; it
also makes the features derived from late hidden layers discriminative enough
for classification even using a simple $k$-NN classifier, since input signals
from the same class will have very similar representations. Experimental
results demonstrate that our approach achieves state-of-the-art performances on
several public benchmarks for action and object category recognition.
|
k-variates++: more pluses in the k-means++ | k-means++ seeding has become a de facto standard for hard clustering
algorithms. In this paper, our first contribution is a two-way generalisation
of this seeding, k-variates++, that includes the sampling of general densities
rather than just a discrete set of Dirac densities anchored at the point
locations, and a generalisation of the well known Arthur-Vassilvitskii (AV)
approximation guarantee, in the form of a bias+variance approximation bound of
the global optimum. This approximation exhibits a reduced dependency on the
"noise" component with respect to the optimal potential --- actually
approaching the statistical lower bound. We show that k-variates++ reduces to
efficient (biased seeding) clustering algorithms tailored to specific
frameworks; these include distributed, streaming and on-line clustering, with
direct approximation results for these algorithms. Finally, we present a novel
application of k-variates++ to differential privacy. For either the specific
frameworks considered here, or for the differential privacy setting, there is
little to no prior results on the direct application of k-means++ and its
approximation bounds --- state of the art contenders appear to be significantly
more complex and / or display less favorable (approximation) properties. We
stress that our algorithms can still be run in cases where there is \textit{no}
closed form solution for the population minimizer. We demonstrate the
applicability of our analysis via experimental evaluation on several domains
and settings, displaying competitive performances vs state of the art.
|
Biclustering Readings and Manuscripts via Non-negative Matrix
Factorization, with Application to the Text of Jude | The text-critical practice of grouping witnesses into families or texttypes
often faces two obstacles: Contamination in the manuscript tradition, and
co-dependence in identifying characteristic readings and manuscripts. We
introduce non-negative matrix factorization (NMF) as a simple, unsupervised,
and efficient way to cluster large numbers of manuscripts and readings
simultaneously while summarizing contamination using an easy-to-interpret
mixture model. We apply this method to an extensive collation of the New
Testament epistle of Jude and show that the resulting clusters correspond to
human-identified textual families from existing research.
|
A Kronecker-factored approximate Fisher matrix for convolution layers | Second-order optimization methods such as natural gradient descent have the
potential to speed up training of neural networks by correcting for the
curvature of the loss function. Unfortunately, the exact natural gradient is
impractical to compute for large models, and most approximations either require
an expensive iterative procedure or make crude approximations to the curvature.
We present Kronecker Factors for Convolution (KFC), a tractable approximation
to the Fisher matrix for convolutional networks based on a structured
probabilistic model for the distribution over backpropagated derivatives.
Similarly to the recently proposed Kronecker-Factored Approximate Curvature
(K-FAC), each block of the approximate Fisher matrix decomposes as the
Kronecker product of small matrices, allowing for efficient inversion. KFC
captures important curvature information while still yielding comparably
efficient updates to stochastic gradient descent (SGD). We show that the
updates are invariant to commonly used reparameterizations, such as centering
of the activations. In our experiments, approximate natural gradient descent
with KFC was able to train convolutional networks several times faster than
carefully tuned SGD. Furthermore, it was able to train the networks in 10-20
times fewer iterations than SGD, suggesting its potential applicability in a
distributed setting.
|
An ensemble diversity approach to supervised binary hashing | Binary hashing is a well-known approach for fast approximate nearest-neighbor
search in information retrieval. Much work has focused on affinity-based
objective functions involving the hash functions or binary codes. These
objective functions encode neighborhood information between data points and are
often inspired by manifold learning algorithms. They ensure that the hash
functions differ from each other through constraints or penalty terms that
encourage codes to be orthogonal or dissimilar across bits, but this couples
the binary variables and complicates the already difficult optimization. We
propose a much simpler approach: we train each hash function (or bit)
independently from each other, but introduce diversity among them using
techniques from classifier ensembles. Surprisingly, we find that not only is
this faster and trivially parallelizable, but it also improves over the more
complex, coupled objective function, and achieves state-of-the-art precision
and recall in experiments with image retrieval.
|
Long-term Planning by Short-term Prediction | We consider planning problems, that often arise in autonomous driving
applications, in which an agent should decide on immediate actions so as to
optimize a long term objective. For example, when a car tries to merge in a
roundabout it should decide on an immediate acceleration/braking command, while
the long term effect of the command is the success/failure of the merge. Such
problems are characterized by continuous state and action spaces, and by
interaction with multiple agents, whose behavior can be adversarial. We argue
that dual versions of the MDP framework (that depend on the value function and
the $Q$ function) are problematic for autonomous driving applications due to
the non Markovian of the natural state space representation, and due to the
continuous state and action spaces. We propose to tackle the planning task by
decomposing the problem into two phases: First, we apply supervised learning
for predicting the near future based on the present. We require that the
predictor will be differentiable with respect to the representation of the
present. Second, we model a full trajectory of the agent using a recurrent
neural network, where unexplained factors are modeled as (additive) input
nodes. This allows us to solve the long-term planning problem using supervised
learning techniques and direct optimization over the recurrent neural network.
Our approach enables us to learn robust policies by incorporating adversarial
elements to the environment.
|
SDCA without Duality, Regularization, and Individual Convexity | Stochastic Dual Coordinate Ascent is a popular method for solving regularized
loss minimization for the case of convex losses. We describe variants of SDCA
that do not require explicit regularization and do not rely on duality. We
prove linear convergence rates even if individual loss functions are
non-convex, as long as the expected loss is strongly convex.
|
Minimizing the Maximal Loss: How and Why? | A commonly used learning rule is to approximately minimize the \emph{average}
loss over the training set. Other learning algorithms, such as AdaBoost and
hard-SVM, aim at minimizing the \emph{maximal} loss over the training set. The
average loss is more popular, particularly in deep learning, due to three main
reasons. First, it can be conveniently minimized using online algorithms, that
process few examples at each iteration. Second, it is often argued that there
is no sense to minimize the loss on the training set too much, as it will not
be reflected in the generalization loss. Last, the maximal loss is not robust
to outliers. In this paper we describe and analyze an algorithm that can
convert any online algorithm to a minimizer of the maximal loss. We prove that
in some situations better accuracy on the training set is crucial to obtain
good performance on unseen examples. Last, we propose robust versions of the
approach that can handle outliers.
|
The Great Time Series Classification Bake Off: An Experimental
Evaluation of Recently Proposed Algorithms. Extended Version | In the last five years there have been a large number of new time series
classification algorithms proposed in the literature. These algorithms have
been evaluated on subsets of the 47 data sets in the University of California,
Riverside time series classification archive. The archive has recently been
expanded to 85 data sets, over half of which have been donated by researchers
at the University of East Anglia. Aspects of previous evaluations have made
comparisons between algorithms difficult. For example, several different
programming languages have been used, experiments involved a single train/test
split and some used normalised data whilst others did not. The relaunch of the
archive provides a timely opportunity to thoroughly evaluate algorithms on a
larger number of datasets. We have implemented 18 recently proposed algorithms
in a common Java framework and compared them against two standard benchmark
classifiers (and each other) by performing 100 resampling experiments on each
of the 85 datasets. We use these results to test several hypotheses relating to
whether the algorithms are significantly more accurate than the benchmarks and
each other. Our results indicate that only 9 of these algorithms are
significantly more accurate than both benchmarks and that one classifier, the
Collective of Transformation Ensembles, is significantly more accurate than all
of the others. All of our experiments and results are reproducible: we release
all of our code, results and experimental details and we hope these experiments
form the basis for more rigorous testing of new algorithms in the future.
|
Asynchronous Methods for Deep Reinforcement Learning | We propose a conceptually simple and lightweight framework for deep
reinforcement learning that uses asynchronous gradient descent for optimization
of deep neural network controllers. We present asynchronous variants of four
standard reinforcement learning algorithms and show that parallel
actor-learners have a stabilizing effect on training allowing all four methods
to successfully train neural network controllers. The best performing method,
an asynchronous variant of actor-critic, surpasses the current state-of-the-art
on the Atari domain while training for half the time on a single multi-core CPU
instead of a GPU. Furthermore, we show that asynchronous actor-critic succeeds
on a wide variety of continuous motor control problems as well as on a new task
of navigating random 3D mazes using a visual input.
|
Random Feature Maps via a Layered Random Projection (LaRP) Framework for
Object Classification | The approximation of nonlinear kernels via linear feature maps has recently
gained interest due to their applications in reducing the training and testing
time of kernel-based learning algorithms. Current random projection methods
avoid the curse of dimensionality by embedding the nonlinear feature space into
a low dimensional Euclidean space to create nonlinear kernels. We introduce a
Layered Random Projection (LaRP) framework, where we model the linear kernels
and nonlinearity separately for increased training efficiency. The proposed
LaRP framework was assessed using the MNIST hand-written digits database and
the COIL-100 object database, and showed notable improvement in object
classification performance relative to other state-of-the-art random projection
methods.
|
Generate Image Descriptions based on Deep RNN and Memory Cells for
Images Features | Generating natural language descriptions for images is a challenging task.
The traditional way is to use the convolutional neural network (CNN) to extract
image features, followed by recurrent neural network (RNN) to generate
sentences. In this paper, we present a new model that added memory cells to
gate the feeding of image features to the deep neural network. The intuition is
enabling our model to memorize how much information from images should be fed
at each stage of the RNN. Experiments on Flickr8K and Flickr30K datasets showed
that our model outperforms other state-of-the-art models with higher BLEU
scores.
|
Fast Multiplier Methods to Optimize Non-exhaustive, Overlapping
Clustering | Clustering is one of the most fundamental and important tasks in data mining.
Traditional clustering algorithms, such as K-means, assign every data point to
exactly one cluster. However, in real-world datasets, the clusters may overlap
with each other. Furthermore, often, there are outliers that should not belong
to any cluster. We recently proposed the NEO-K-Means (Non-Exhaustive,
Overlapping K-Means) objective as a way to address both issues in an integrated
fashion. Optimizing this discrete objective is NP-hard, and even though there
is a convex relaxation of the objective, straightforward convex optimization
approaches are too expensive for large datasets. A practical alternative is to
use a low-rank factorization of the solution matrix in the convex formulation.
The resulting optimization problem is non-convex, and we can locally optimize
the objective function using an augmented Lagrangian method. In this paper, we
consider two fast multiplier methods to accelerate the convergence of an
augmented Lagrangian scheme: a proximal method of multipliers and an
alternating direction method of multipliers (ADMM). For the proximal augmented
Lagrangian or proximal method of multipliers, we show a convergence result for
the non-convex case with bound-constrained subproblems. These methods are up to
13 times faster---with no change in quality---compared with a standard
augmented Lagrangian method on problems with over 10,000 variables and bring
runtimes down from over an hour to around 5 minutes.
|
Recognition of Visually Perceived Compositional Human Actions by
Multiple Spatio-Temporal Scales Recurrent Neural Networks | The current paper proposes a novel neural network model for recognizing
visually perceived human actions. The proposed multiple spatio-temporal scales
recurrent neural network (MSTRNN) model is derived by introducing multiple
timescale recurrent dynamics to the conventional convolutional neural network
model. One of the essential characteristics of the MSTRNN is that its
architecture imposes both spatial and temporal constraints simultaneously on
the neural activity which vary in multiple scales among different layers. As
suggested by the principle of the upward and downward causation, it is assumed
that the network can develop meaningful structures such as functional hierarchy
by taking advantage of such constraints during the course of learning. To
evaluate the characteristics of the model, the current study uses three types
of human action video dataset consisting of different types of primitive
actions and different levels of compositionality on them. The performance of
the MSTRNN in testing with these dataset is compared with the ones by other
representative deep learning models used in the field. The analysis of the
internal representation obtained through the learning with the dataset
clarifies what sorts of functional hierarchy can be developed by extracting the
essential compositionality underlying the dataset.
|
Compressive Spectral Clustering | Spectral clustering has become a popular technique due to its high
performance in many contexts. It comprises three main steps: create a
similarity graph between N objects to cluster, compute the first k eigenvectors
of its Laplacian matrix to define a feature vector for each object, and run
k-means on these features to separate objects into k classes. Each of these
three steps becomes computationally intensive for large N and/or k. We propose
to speed up the last two steps based on recent results in the emerging field of
graph signal processing: graph filtering of random signals, and random sampling
of bandlimited graph signals. We prove that our method, with a gain in
computation time that can reach several orders of magnitude, is in fact an
approximation of spectral clustering, for which we are able to control the
error. We test the performance of our method on artificial and real-world
network data.
|
From Softmax to Sparsemax: A Sparse Model of Attention and Multi-Label
Classification | We propose sparsemax, a new activation function similar to the traditional
softmax, but able to output sparse probabilities. After deriving its
properties, we show how its Jacobian can be efficiently computed, enabling its
use in a network trained with backpropagation. Then, we propose a new smooth
and convex loss function which is the sparsemax analogue of the logistic loss.
We reveal an unexpected connection between this new loss and the Huber
classification loss. We obtain promising empirical results in multi-label
classification problems and in attention-based neural networks for natural
language inference. For the latter, we achieve a similar performance as the
traditional softmax, but with a selective, more compact, attention focus.
|
Compressive PCA for Low-Rank Matrices on Graphs | We introduce a novel framework for an approxi- mate recovery of data matrices
which are low-rank on graphs, from sampled measurements. The rows and columns
of such matrices belong to the span of the first few eigenvectors of the graphs
constructed between their rows and columns. We leverage this property to
recover the non-linear low-rank structures efficiently from sampled data
measurements, with a low cost (linear in n). First, a Resrtricted Isometry
Property (RIP) condition is introduced for efficient uniform sampling of the
rows and columns of such matrices based on the cumulative coherence of graph
eigenvectors. Secondly, a state-of-the-art fast low-rank recovery method is
suggested for the sampled data. Finally, several efficient, parallel and
parameter-free decoders are presented along with their theoretical analysis for
decoding the low-rank and cluster indicators for the full data matrix. Thus, we
overcome the computational limitations of the standard linear low-rank recovery
methods for big datasets. Our method can also be seen as a major step towards
efficient recovery of non- linear low-rank structures. For a matrix of size n X
p, on a single core machine, our method gains a speed up of $p^2/k$ over Robust
Principal Component Analysis (RPCA), where k << p is the subspace dimension.
Numerically, we can recover a low-rank matrix of size 10304 X 1000, 100 times
faster than Robust PCA.
|
Variance-Reduced and Projection-Free Stochastic Optimization | The Frank-Wolfe optimization algorithm has recently regained popularity for
machine learning applications due to its projection-free property and its
ability to handle structured constraints. However, in the stochastic learning
setting, it is still relatively understudied compared to the gradient descent
counterpart. In this work, leveraging a recent variance reduction technique, we
propose two stochastic Frank-Wolfe variants which substantially improve
previous results in terms of the number of stochastic gradient evaluations
needed to achieve $1-\epsilon$ accuracy. For example, we improve from
$O(\frac{1}{\epsilon})$ to $O(\ln\frac{1}{\epsilon})$ if the objective function
is smooth and strongly convex, and from $O(\frac{1}{\epsilon^2})$ to
$O(\frac{1}{\epsilon^{1.5}})$ if the objective function is smooth and
Lipschitz. The theoretical improvement is also observed in experiments on
real-world datasets for a multiclass classification application.
|
Sequence Classification with Neural Conditional Random Fields | The proliferation of sensor devices monitoring human activity generates
voluminous amount of temporal sequences needing to be interpreted and
categorized. Moreover, complex behavior detection requires the personalization
of multi-sensor fusion algorithms. Conditional random fields (CRFs) are
commonly used in structured prediction tasks such as part-of-speech tagging in
natural language processing. Conditional probabilities guide the choice of each
tag/label in the sequence conflating the structured prediction task with the
sequence classification task where different models provide different
categorization of the same sequence. The claim of this paper is that CRF models
also provide discriminative models to distinguish between types of sequence
regardless of the accuracy of the labels obtained if we calibrate the class
membership estimate of the sequence. We introduce and compare different neural
network based linear-chain CRFs and we present experiments on two complex
sequence classification and structured prediction tasks to support this claim.
|
Reducing Runtime by Recycling Samples | Contrary to the situation with stochastic gradient descent, we argue that
when using stochastic methods with variance reduction, such as SDCA, SAG or
SVRG, as well as their variants, it could be beneficial to reuse previously
used samples instead of fresh samples, even when fresh samples are available.
We demonstrate this empirically for SDCA, SAG and SVRG, studying the optimal
sample size one should use, and also uncover be-havior that suggests running
SDCA for an integer number of epochs could be wasteful.
|
Exploiting the Structure: Stochastic Gradient Methods Using Raw Clusters | The amount of data available in the world is growing faster than our ability
to deal with it. However, if we take advantage of the internal
\emph{structure}, data may become much smaller for machine learning purposes.
In this paper we focus on one of the fundamental machine learning tasks,
empirical risk minimization (ERM), and provide faster algorithms with the help
from the clustering structure of the data.
We introduce a simple notion of raw clustering that can be efficiently
computed from the data, and propose two algorithms based on clustering
information. Our accelerated algorithm ClusterACDM is built on a novel Haar
transformation applied to the dual space of the ERM problem, and our
variance-reduction based algorithm ClusterSVRG introduces a new gradient
estimator using clustering. Our algorithms outperform their classical
counterparts ACDM and SVRG respectively.
|
Daleel: Simplifying Cloud Instance Selection Using Machine Learning | Decision making in cloud environments is quite challenging due to the
diversity in service offerings and pricing models, especially considering that
the cloud market is an incredibly fast moving one. In addition, there are no
hard and fast rules, each customer has a specific set of constraints (e.g.
budget) and application requirements (e.g. minimum computational resources).
Machine learning can help address some of the complicated decisions by carrying
out customer-specific analytics to determine the most suitable instance type(s)
and the most opportune time for starting or migrating instances. We employ
machine learning techniques to develop an adaptive deployment policy, providing
an optimal match between the customer demands and the available cloud service
offerings. We provide an experimental study based on extensive set of job
executions over a major public cloud infrastructure.
|
A Note on Alternating Minimization Algorithm for the Matrix Completion
Problem | We consider the problem of reconstructing a low rank matrix from a subset of
its entries and analyze two variants of the so-called Alternating Minimization
algorithm, which has been proposed in the past. We establish that when the
underlying matrix has rank $r=1$, has positive bounded entries, and the graph
$\mathcal{G}$ underlying the revealed entries has bounded degree and diameter
which is at most logarithmic in the size of the matrix, both algorithms succeed
in reconstructing the matrix approximately in polynomial time starting from an
arbitrary initialization. We further provide simulation results which suggest
that the second algorithm which is based on the message passing type updates,
performs significantly better.
|
On Column Selection in Approximate Kernel Canonical Correlation Analysis | We study the problem of column selection in large-scale kernel canonical
correlation analysis (KCCA) using the Nystr\"om approximation, where one
approximates two positive semi-definite kernel matrices using "landmark" points
from the training set. When building low-rank kernel approximations in KCCA,
previous work mostly samples the landmarks uniformly at random from the
training set. We propose novel strategies for sampling the landmarks
non-uniformly based on a version of statistical leverage scores recently
developed for kernel ridge regression. We study the approximation accuracy of
the proposed non-uniform sampling strategy, develop an incremental algorithm
that explores the path of approximation ranks and facilitates efficient model
selection, and derive the kernel stability of out-of-sample mapping for our
method. Experimental results on both synthetic and real-world datasets
demonstrate the promise of our method.
|
Active Information Acquisition | We propose a general framework for sequential and dynamic acquisition of
useful information in order to solve a particular task. While our goal could in
principle be tackled by general reinforcement learning, our particular setting
is constrained enough to allow more efficient algorithms. In this paper, we
work under the Learning to Search framework and show how to formulate the goal
of finding a dynamic information acquisition policy in that framework. We apply
our formulation on two tasks, sentiment analysis and image recognition, and
show that the learned policies exhibit good statistical performance. As an
emergent byproduct, the learned policies show a tendency to focus on the most
prominent parts of each instance and give harder instances more attention
without explicitly being trained to do so.
|
Convex Relaxation Regression: Black-Box Optimization of Smooth Functions
by Learning Their Convex Envelopes | Finding efficient and provable methods to solve non-convex optimization
problems is an outstanding challenge in machine learning and optimization
theory. A popular approach used to tackle non-convex problems is to use convex
relaxation techniques to find a convex surrogate for the problem.
Unfortunately, convex relaxations typically must be found on a
problem-by-problem basis. Thus, providing a general-purpose strategy to
estimate a convex relaxation would have a wide reaching impact. Here, we
introduce Convex Relaxation Regression (CoRR), an approach for learning convex
relaxations for a class of smooth functions. The main idea behind our approach
is to estimate the convex envelope of a function $f$ by evaluating $f$ at a set
of $T$ random points and then fitting a convex function to these function
evaluations. We prove that with probability greater than $1-\delta$, the
solution of our algorithm converges to the global optimizer of $f$ with error
$\mathcal{O} \Big( \big(\frac{\log(1/\delta) }{T} \big)^{\alpha} \Big)$ for
some $\alpha> 0$. Our approach enables the use of convex optimization tools to
solve a class of non-convex optimization problems.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.