title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Learning manifold to regularize nonnegative matrix factorization | Inthischapterwediscusshowtolearnanoptimalmanifoldpresentationto regularize
nonegative matrix factorization (NMF) for data representation problems.
NMF,whichtriestorepresentanonnegativedatamatrixasaproductoftwolowrank
nonnegative matrices, has been a popular method for data representation due to
its ability to explore the latent part-based structure of data. Recent study
shows that lots of data distributions have manifold structures, and we should
respect the manifold structure when the data are represented. Recently,
manifold regularized NMF used a nearest neighbor graph to regulate the learning
of factorization parameter matrices and has shown its advantage over
traditional NMF methods for data representation problems. However, how to
construct an optimal graph to present the manifold prop- erly remains a
difficultproblem due to the graph modelselection, noisy features, and nonlinear
distributed data. In this chapter, we introduce three effective methods to
solve these problems of graph construction for manifold regularized NMF.
Multiple graph learning is proposed to solve the problem of graph model
selection, adaptive graph learning via feature selection is proposed to solve
the problem of constructing a graph from noisy features, while multi-kernel
learning-based graph construction is used to solve the problem of learning a
graph from nonlinearly distributed data.
|
Bayesian Robust Tensor Factorization for Incomplete Multiway Data | We propose a generative model for robust tensor factorization in the presence
of both missing data and outliers. The objective is to explicitly infer the
underlying low-CP-rank tensor capturing the global information and a sparse
tensor capturing the local information (also considered as outliers), thus
providing the robust predictive distribution over missing entries. The
low-CP-rank tensor is modeled by multilinear interactions between multiple
latent factors on which the column sparsity is enforced by a hierarchical
prior, while the sparse tensor is modeled by a hierarchical view of Student-$t$
distribution that associates an individual hyperparameter with each element
independently. For model learning, we develop an efficient closed-form
variational inference under a fully Bayesian treatment, which can effectively
prevent the overfitting problem and scales linearly with data size. In contrast
to existing related works, our method can perform model selection automatically
and implicitly without need of tuning parameters. More specifically, it can
discover the groundtruth of CP rank and automatically adapt the sparsity
inducing priors to various types of outliers. In addition, the tradeoff between
the low-rank approximation and the sparse representation can be optimized in
the sense of maximum model evidence. The extensive experiments and comparisons
with many state-of-the-art algorithms on both synthetic and real-world datasets
demonstrate the superiorities of our method from several perspectives.
|
BilBOWA: Fast Bilingual Distributed Representations without Word
Alignments | We introduce BilBOWA (Bilingual Bag-of-Words without Alignments), a simple
and computationally-efficient model for learning bilingual distributed
representations of words which can scale to large monolingual datasets and does
not require word-aligned parallel training data. Instead it trains directly on
monolingual data and extracts a bilingual signal from a smaller set of raw-text
sentence-aligned data. This is achieved using a novel sampled bag-of-words
cross-lingual objective, which is used to regularize two noise-contrastive
language models for efficient cross-lingual feature learning. We show that
bilingual embeddings learned using the proposed model outperform
state-of-the-art methods on a cross-lingual document classification task as
well as a lexical translation task on WMT11 data.
|
Speculate-Correct Error Bounds for k-Nearest Neighbor Classifiers | We introduce the speculate-correct method to derive error bounds for local
classifiers. Using it, we show that k nearest neighbor classifiers, in spite of
their famously fractured decision boundaries, have exponential error bounds
with O(sqrt((k + ln n) / n)) error bound range for n in-sample examples.
|
Recovery of Sparse Signals Using Multiple Orthogonal Least Squares | We study the problem of recovering sparse signals from compressed linear
measurements. This problem, often referred to as sparse recovery or sparse
reconstruction, has generated a great deal of interest in recent years. To
recover the sparse signals, we propose a new method called multiple orthogonal
least squares (MOLS), which extends the well-known orthogonal least squares
(OLS) algorithm by allowing multiple $L$ indices to be chosen per iteration.
Owing to inclusion of multiple support indices in each selection, the MOLS
algorithm converges in much fewer iterations and improves the computational
efficiency over the conventional OLS algorithm. Theoretical analysis shows that
MOLS ($L > 1$) performs exact recovery of all $K$-sparse signals within $K$
iterations if the measurement matrix satisfies the restricted isometry property
(RIP) with isometry constant $\delta_{LK} < \frac{\sqrt{L}}{\sqrt{K} + 2
\sqrt{L}}.$ The recovery performance of MOLS in the noisy scenario is also
studied. It is shown that stable recovery of sparse signals can be achieved
with the MOLS algorithm when the signal-to-noise ratio (SNR) scales linearly
with the sparsity level of input signals.
|
Polarization Measurement of High Dimensional Social Media Messages With
Support Vector Machine Algorithm Using Mapreduce | In this article, we propose a new Support Vector Machine (SVM) training
algorithm based on distributed MapReduce technique. In literature, there are a
lots of research that shows us SVM has highest generalization property among
classification algorithms used in machine learning area. Also, SVM classifier
model is not affected by correlations of the features. But SVM uses quadratic
optimization techniques in its training phase. The SVM algorithm is formulated
as quadratic optimization problem. Quadratic optimization problem has $O(m^3)$
time and $O(m^2)$ space complexity, where m is the training set size. The
computation time of SVM training is quadratic in the number of training
instances. In this reason, SVM is not a suitable classification algorithm for
large scale dataset classification. To solve this training problem we developed
a new distributed MapReduce method developed. Accordingly, (i) SVM algorithm is
trained in distributed dataset individually; (ii) then merge all support
vectors of classifier model in every trained node; and (iii) iterate these two
steps until the classifier model converges to the optimal classifier function.
In the implementation phase, large scale social media dataset is presented in
TFxIDF matrix. The matrix is used for sentiment analysis to get polarization
value. Two and three class models are created for classification method.
Confusion matrices of each classification model are presented in tables. Social
media messages corpus consists of 108 public and 66 private universities
messages in Turkey. Twitter is used for source of corpus. Twitter user messages
are collected using Twitter Streaming API. Results are shown in graphics and
tables.
|
New SVD based initialization strategy for Non-negative Matrix
Factorization | There are two problems need to be dealt with for Non-negative Matrix
Factorization (NMF): choose a suitable rank of the factorization and provide a
good initialization method for NMF algorithms. This paper aims to solve these
two problems using Singular Value Decomposition (SVD). At first we extract the
number of main components as the rank, actually this method is inspired from
[1, 2]. Second, we use the singular value and its vectors to initialize NMF
algorithm. In 2008, Boutsidis and Gollopoulos [3] provided the method titled
NNDSVD to enhance initialization of NMF algorithms. They extracted the positive
section and respective singular triplet information of the unit matrices
{C(j)}k j=1 which were obtained from singular vector pairs. This strategy aims
to use positive section to cope with negative elements of the singular vectors,
but in experiments we found that even replacing negative elements by their
absolute values could get better results than NNDSVD. Hence, we give another
method based SVD to fulfil initialization for NMF algorithms (SVD-NMF).
Numerical experiments on two face databases ORL and YALE [16, 17] show that our
method is better than NNDSVD.
|
Approximate False Positive Rate Control in Selection Frequency for
Random Forest | Random Forest has become one of the most popular tools for feature selection.
Its ability to deal with high-dimensional data makes this algorithm especially
useful for studies in neuroimaging and bioinformatics. Despite its popularity
and wide use, feature selection in Random Forest still lacks a crucial
ingredient: false positive rate control. To date there is no efficient,
principled and computationally light-weight solution to this shortcoming. As a
result, researchers using Random Forest for feature selection have to resort to
using heuristically set thresholds on feature rankings. This article builds an
approximate probabilistic model for the feature selection process in random
forest training, which allows us to compute an estimated false positive rate
for a given threshold on selection frequency. Hence, it presents a principled
way to determine thresholds for the selection of relevant features without any
additional computational load. Experimental analysis with synthetic data
demonstrates that the proposed approach can limit false positive rates on the
order of the desired values and keep false negative rates low. Results show
that this holds even in the presence of a complex correlation structure between
features. Its good statistical properties and light-weight computational needs
make this approach widely applicable to feature selection for a wide-range of
applications.
|
Computabilities of Validity and Satisfiability in Probability Logics
over Finite and Countable Models | The $\epsilon$-logic (which is called $\epsilon$E-logic in this paper) of
Kuyper and Terwijn is a variant of first order logic with the same syntax, in
which the models are equipped with probability measures and in which the
$\forall x$ quantifier is interpreted as "there exists a set $A$ of measure
$\ge 1 - \epsilon$ such that for each $x \in A$, ...." Previously, Kuyper and
Terwijn proved that the general satisfiability and validity problems for this
logic are, i) for rational $\epsilon \in (0, 1)$, respectively
$\Sigma^1_1$-complete and $\Pi^1_1$-hard, and ii) for $\epsilon = 0$,
respectively decidable and $\Sigma^0_1$-complete. The adjective "general" here
means "uniformly over all languages."
We extend these results in the scenario of finite models. In particular, we
show that the problems of satisfiability by and validity over finite models in
$\epsilon$E-logic are, i) for rational $\epsilon \in (0, 1)$, respectively
$\Sigma^0_1$- and $\Pi^0_1$-complete, and ii) for $\epsilon = 0$, respectively
decidable and $\Pi^0_1$-complete. Although partial results toward the countable
case are also achieved, the computability of $\epsilon$E-logic over countable
models still remains largely unsolved. In addition, most of the results, of
this paper and of Kuyper and Terwijn, do not apply to individual languages with
a finite number of unary predicates. Reducing this requirement continues to be
a major point of research.
On the positive side, we derive the decidability of the corresponding
problems for monadic relational languages --- equality- and function-free
languages with finitely many unary and zero other predicates. This result holds
for all three of the unrestricted, the countable, and the finite model cases.
Applications in computational learning theory, weighted graphs, and neural
networks are discussed in the context of these decidability and undecidability
results.
|
Machine Learning Techniques in Cognitive Radio Networks | Cognitive radio is an intelligent radio that can be programmed and configured
dynamically to fully use the frequency resources that are not used by licensed
users. It defines the radio devices that are capable of learning and adapting
to their transmission to the external radio environment, which means it has
some kind of intelligence for monitoring the radio environment, learning the
environment and make smart decisions. In this paper, we are reviewing some
examples of the usage of machine learning techniques in cognitive radio
networks for implementing the intelligent radio.
|
Multi-Scale Local Shape Analysis and Feature Selection in Machine
Learning Applications | We introduce a method called multi-scale local shape analysis, or MLSA, for
extracting features that describe the local structure of points within a
dataset. The method uses both geometric and topological features at multiple
levels of granularity to capture diverse types of local information for
subsequent machine learning algorithms operating on the dataset. Using
synthetic and real dataset examples, we demonstrate significant performance
improvement of classification algorithms constructed for these datasets with
correspondingly augmented features.
|
Propagation Kernels | We introduce propagation kernels, a general graph-kernel framework for
efficiently measuring the similarity of structured data. Propagation kernels
are based on monitoring how information spreads through a set of given graphs.
They leverage early-stage distributions from propagation schemes such as random
walks to capture structural information encoded in node labels, attributes, and
edge information. This has two benefits. First, off-the-shelf propagation
schemes can be used to naturally construct kernels for many graph types,
including labeled, partially labeled, unlabeled, directed, and attributed
graphs. Second, by leveraging existing efficient and informative propagation
schemes, propagation kernels can be considerably faster than state-of-the-art
approaches without sacrificing predictive performance. We will also show that
if the graphs at hand have a regular structure, for instance when modeling
image or video data, one can exploit this regularity to scale the kernel
computation to large databases of graphs with thousands of nodes. We support
our contributions by exhaustive experiments on a number of real-world graphs
from a variety of application domains.
|
Generalization Analysis for Game-Theoretic Machine Learning | For Internet applications like sponsored search, cautions need to be taken
when using machine learning to optimize their mechanisms (e.g., auction) since
self-interested agents in these applications may change their behaviors (and
thus the data distribution) in response to the mechanisms. To tackle this
problem, a framework called game-theoretic machine learning (GTML) was recently
proposed, which first learns a Markov behavior model to characterize agents'
behaviors, and then learns the optimal mechanism by simulating agents' behavior
changes in response to the mechanism. While GTML has demonstrated practical
success, its generalization analysis is challenging because the behavior data
are non-i.i.d. and dependent on the mechanism. To address this challenge,
first, we decompose the generalization error for GTML into the behavior
learning error and the mechanism learning error; second, for the behavior
learning error, we obtain novel non-asymptotic error bounds for both parametric
and non-parametric behavior learning methods; third, for the mechanism learning
error, we derive a uniform convergence bound based on a new concept called
nested covering number of the mechanism space and the generalization analysis
techniques developed for mixing sequences. To the best of our knowledge, this
is the first work on the generalization analysis of GTML, and we believe it has
general implications to the theoretical analysis of other complicated machine
learning problems.
|
Fast Multilevel Support Vector Machines | Solving different types of optimization models (including parameters fitting)
for support vector machines on large-scale training data is often an expensive
computational task. This paper proposes a multilevel algorithmic framework that
scales efficiently to very large data sets. Instead of solving the whole
training set in one optimization process, the support vectors are obtained and
gradually refined at multiple levels of coarseness of the data. The proposed
framework includes: (a) construction of hierarchy of large-scale data coarse
representations, and (b) a local processing of updating the hyperplane
throughout this hierarchy. Our multilevel framework substantially improves the
computational time without loosing the quality of classifiers. The algorithms
are demonstrated for both regular and weighted support vector machines.
Experimental results are presented for balanced and imbalanced classification
problems. Quality improvement on several imbalanced data sets has been
observed.
|
Ricci Curvature and the Manifold Learning Problem | Consider a sample of $n$ points taken i.i.d from a submanifold $\Sigma$ of
Euclidean space. We show that there is a way to estimate the Ricci curvature of
$\Sigma$ with respect to the induced metric from the sample. Our method is
grounded in the notions of Carr\'e du Champ for diffusion semi-groups, the
theory of Empirical processes and local Principal Component Analysis.
|
Testing Poisson Binomial Distributions | A Poisson Binomial distribution over $n$ variables is the distribution of the
sum of $n$ independent Bernoullis. We provide a sample near-optimal algorithm
for testing whether a distribution $P$ supported on $\{0,...,n\}$ to which we
have sample access is a Poisson Binomial distribution, or far from all Poisson
Binomial distributions. The sample complexity of our algorithm is $O(n^{1/4})$
to which we provide a matching lower bound. We note that our sample complexity
improves quadratically upon that of the naive "learn followed by tolerant-test"
approach, while instance optimal identity testing [VV14] is not applicable
since we are looking to simultaneously test against a whole family of
distributions.
|
Mining Block I/O Traces for Cache Preloading with Sparse Temporal
Non-parametric Mixture of Multivariate Poisson | Existing caching strategies, in the storage domain, though well suited to
exploit short range spatio-temporal patterns, are unable to leverage long-range
motifs for improving hitrates. Motivated by this, we investigate novel Bayesian
non-parametric modeling(BNP) techniques for count vectors, to capture long
range correlations for cache preloading, by mining Block I/O traces. Such
traces comprise of a sequence of memory accesses that can be aggregated into
high-dimensional sparse correlated count vector sequences.
While there are several state of the art BNP algorithms for clustering and
their temporal extensions for prediction, there has been no work on exploring
these for correlated count vectors. Our first contribution addresses this gap
by proposing a DP based mixture model of Multivariate Poisson (DP-MMVP) and its
temporal extension(HMM-DP-MMVP) that captures the full covariance structure of
multivariate count data. However, modeling full covariance structure for count
vectors is computationally expensive, particularly for high dimensional data.
Hence, we exploit sparsity in our count vectors, and as our main contribution,
introduce the Sparse DP mixture of multivariate Poisson(Sparse-DP-MMVP),
generalizing our DP-MMVP mixture model, also leading to more efficient
inference. We then discuss a temporal extension to our model for cache
preloading.
We take the first step towards mining historical data, to capture long range
patterns in storage traces for cache preloading. Experimentally, we show a
dramatic improvement in hitrates on benchmark traces and lay the groundwork for
further research in storage domain to reduce latencies using data mining
techniques to capture long range motifs.
|
Enhanced Higgs to $\tau^+\tau^-$ Searches with Deep Learning | The Higgs boson is thought to provide the interaction that imparts mass to
the fundamental fermions, but while measurements at the Large Hadron Collider
(LHC) are consistent with this hypothesis, current analysis techniques lack the
statistical power to cross the traditional 5$\sigma$ significance barrier
without more data. \emph{Deep learning} techniques have the potential to
increase the statistical power of this analysis by \emph{automatically}
learning complex, high-level data representations. In this work, deep neural
networks are used to detect the decay of the Higgs to a pair of tau leptons. A
Bayesian optimization algorithm is used to tune the network architecture and
training algorithm hyperparameters, resulting in a deep network of eight
non-linear processing layers that improves upon the performance of shallow
classifiers even without the use of features specifically engineered by
physicists for this application. The improvement in discovery significance is
equivalent to an increase in the accumulated dataset of 25\%.
|
A stochastic behavior analysis of stochastic restricted-gradient descent
algorithm in reproducing kernel Hilbert spaces | This paper presents a stochastic behavior analysis of a kernel-based
stochastic restricted-gradient descent method. The restricted gradient gives a
steepest ascent direction within the so-called dictionary subspace. The
analysis provides the transient and steady state performance in the mean
squared error criterion. It also includes stability conditions in the mean and
mean-square sense. The present study is based on the analysis of the kernel
normalized least mean square (KNLMS) algorithm initially proposed by Chen et
al. Simulation results validate the analysis.
|
Detection of cheating by decimation algorithm | We expand the item response theory to study the case of "cheating students"
for a set of exams, trying to detect them by applying a greedy algorithm of
inference. This extended model is closely related to the Boltzmann machine
learning. In this paper we aim to infer the correct biases and interactions of
our model by considering a relatively small number of sets of training data.
Nevertheless, the greedy algorithm that we employed in the present study
exhibits good performance with a few number of training data. The key point is
the sparseness of the interactions in our problem in the context of the
Boltzmann machine learning: the existence of cheating students is expected to
be very rare (possibly even in real world). We compare a standard approach to
infer the sparse interactions in the Boltzmann machine learning to our greedy
algorithm and we find the latter to be superior in several aspects.
|
POLYGLOT-NER: Massive Multilingual Named Entity Recognition | The increasing diversity of languages used on the web introduces a new level
of complexity to Information Retrieval (IR) systems. We can no longer assume
that textual content is written in one language or even the same language
family. In this paper, we demonstrate how to build massive multilingual
annotators with minimal human expertise and intervention. We describe a system
that builds Named Entity Recognition (NER) annotators for 40 major languages
using Wikipedia and Freebase. Our approach does not require NER human annotated
datasets or language specific resources like treebanks, parallel corpora, and
orthographic rules. The novelty of approach lies therein - using only language
agnostic techniques, while achieving competitive performance.
Our method learns distributed word representations (word embeddings) which
encode semantic and syntactic features of words in each language. Then, we
automatically generate datasets from Wikipedia link structure and Freebase
attributes. Finally, we apply two preprocessing stages (oversampling and exact
surface form matching) which do not require any linguistic expertise.
Our evaluation is two fold: First, we demonstrate the system performance on
human annotated datasets. Second, for languages where no gold-standard
benchmarks are available, we propose a new method, distant evaluation, based on
statistical machine translation.
|
An exact mapping between the Variational Renormalization Group and Deep
Learning | Deep learning is a broad set of techniques that uses multiple layers of
representation to automatically learn relevant features directly from
structured data. Recently, such techniques have yielded record-breaking results
on a diverse set of difficult machine learning tasks in computer vision, speech
recognition, and natural language processing. Despite the enormous success of
deep learning, relatively little is understood theoretically about why these
techniques are so successful at feature learning and compression. Here, we show
that deep learning is intimately related to one of the most important and
successful techniques in theoretical physics, the renormalization group (RG).
RG is an iterative coarse-graining scheme that allows for the extraction of
relevant features (i.e. operators) as a physical system is examined at
different length scales. We construct an exact mapping from the variational
renormalization group, first introduced by Kadanoff, and deep learning
architectures based on Restricted Boltzmann Machines (RBMs). We illustrate
these ideas using the nearest-neighbor Ising Model in one and two-dimensions.
Our results suggests that deep learning algorithms may be employing a
generalized RG-like scheme to learn relevant features from data.
|
Tighter Low-rank Approximation via Sampling the Leveraged Element | In this work, we propose a new randomized algorithm for computing a low-rank
approximation to a given matrix. Taking an approach different from existing
literature, our method first involves a specific biased sampling, with an
element being chosen based on the leverage scores of its row and column, and
then involves weighted alternating minimization over the factored form of the
intended low-rank matrix, to minimize error only on these samples. Our method
can leverage input sparsity, yet produce approximations in {\em spectral} (as
opposed to the weaker Frobenius) norm; this combines the best aspects of
otherwise disparate current results, but with a dependence on the condition
number $\kappa = \sigma_1/\sigma_r$. In particular we require $O(nnz(M) +
\frac{n\kappa^2 r^5}{\epsilon^2})$ computations to generate a rank-$r$
approximation to $M$ in spectral norm. In contrast, the best existing method
requires $O(nnz(M)+ \frac{nr^2}{\epsilon^4})$ time to compute an approximation
in Frobenius norm. Besides the tightness in spectral norm, we have a better
dependence on the error $\epsilon$. Our method is naturally and highly
parallelizable.
Our new approach enables two extensions that are interesting on their own.
The first is a new method to directly compute a low-rank approximation (in
efficient factored form) to the product of two given matrices; it computes a
small random set of entries of the product, and then executes weighted
alternating minimization (as before) on these. The sampling strategy is
different because now we cannot access leverage scores of the product matrix
(but instead have to work with input matrices). The second extension is an
improved algorithm with smaller communication complexity for the distributed
PCA setting (where each server has small set of rows of the matrix, and want to
compute low rank approximation with small amount of communication with other
servers).
|
Spotting Suspicious Link Behavior with fBox: An Adversarial Perspective | How can we detect suspicious users in large online networks? Online
popularity of a user or product (via follows, page-likes, etc.) can be
monetized on the premise of higher ad click-through rates or increased sales.
Web services and social networks which incentivize popularity thus suffer from
a major problem of fake connections from link fraudsters looking to make a
quick buck. Typical methods of catching this suspicious behavior use spectral
techniques to spot large groups of often blatantly fraudulent (but sometimes
honest) users. However, small-scale, stealthy attacks may go unnoticed due to
the nature of low-rank eigenanalysis used in practice.
In this work, we take an adversarial approach to find and prove claims about
the weaknesses of modern, state-of-the-art spectral methods and propose fBox,
an algorithm designed to catch small-scale, stealth attacks that slip below the
radar. Our algorithm has the following desirable properties: (a) it has
theoretical underpinnings, (b) it is shown to be highly effective on real data
and (c) it is scalable (linear on the input size). We evaluate fBox on a large,
public 41.7 million node, 1.5 billion edge who-follows-whom social graph from
Twitter in 2010 and with high precision identify many suspicious accounts which
have persisted without suspension even to this day.
|
A Logic-based Approach to Generatively Defined Discriminative Modeling | Conditional random fields (CRFs) are usually specified by graphical models
but in this paper we propose to use probabilistic logic programs and specify
them generatively. Our intension is first to provide a unified approach to CRFs
for complex modeling through the use of a Turing complete language and second
to offer a convenient way of realizing generative-discriminative pairs in
machine learning to compare generative and discriminative models and choose the
best model. We implemented our approach as the D-PRISM language by modifying
PRISM, a logic-based probabilistic modeling language for generative modeling,
while exploiting its dynamic programming mechanism for efficient probability
computation. We tested D-PRISM with logistic regression, a linear-chain CRF and
a CRF-CFG and empirically confirmed their excellent discriminative performance
compared to their generative counterparts, i.e.\ naive Bayes, an HMM and a
PCFG. We also introduced new CRF models, CRF-BNCs and CRF-LCGs. They are CRF
versions of Bayesian network classifiers and probabilistic left-corner grammars
respectively and easily implementable in D-PRISM. We empirically showed that
they outperform their generative counterparts as expected.
|
Thompson sampling with the online bootstrap | Thompson sampling provides a solution to bandit problems in which new
observations are allocated to arms with the posterior probability that an arm
is optimal. While sometimes easy to implement and asymptotically optimal,
Thompson sampling can be computationally demanding in large scale bandit
problems, and its performance is dependent on the model fit to the observed
data. We introduce bootstrap Thompson sampling (BTS), a heuristic method for
solving bandit problems which modifies Thompson sampling by replacing the
posterior distribution used in Thompson sampling by a bootstrap distribution.
We first explain BTS and show that the performance of BTS is competitive to
Thompson sampling in the well-studied Bernoulli bandit case. Subsequently, we
detail why BTS using the online bootstrap is more scalable than regular
Thompson sampling, and we show through simulation that BTS is more robust to a
misspecified error distribution. BTS is an appealing modification of Thompson
sampling, especially when samples from the posterior are otherwise not
available or are costly.
|
Complexity Issues and Randomization Strategies in Frank-Wolfe Algorithms
for Machine Learning | Frank-Wolfe algorithms for convex minimization have recently gained
considerable attention from the Optimization and Machine Learning communities,
as their properties make them a suitable choice in a variety of applications.
However, as each iteration requires to optimize a linear model, a clever
implementation is crucial to make such algorithms viable on large-scale
datasets. For this purpose, approximation strategies based on a random sampling
have been proposed by several researchers. In this work, we perform an
experimental study on the effectiveness of these techniques, analyze possible
alternatives and provide some guidelines based on our results.
|
Two-Layer Feature Reduction for Sparse-Group Lasso via Decomposition of
Convex Sets | Sparse-Group Lasso (SGL) has been shown to be a powerful regression technique
for simultaneously discovering group and within-group sparse patterns by using
a combination of the $\ell_1$ and $\ell_2$ norms. However, in large-scale
applications, the complexity of the regularizers entails great computational
challenges. In this paper, we propose a novel Two-Layer Feature REduction
method (TLFre) for SGL via a decomposition of its dual feasible set. The
two-layer reduction is able to quickly identify the inactive groups and the
inactive features, respectively, which are guaranteed to be absent from the
sparse representation and can be removed from the optimization. Existing
feature reduction methods are only applicable for sparse models with one
sparsity-inducing regularizer. To our best knowledge, TLFre is the first one
that is capable of dealing with multiple sparsity-inducing regularizers.
Moreover, TLFre has a very low computational cost and can be integrated with
any existing solvers. We also develop a screening method---called DPC
(DecomPosition of Convex set)---for the nonnegative Lasso problem. Experiments
on both synthetic and real data sets show that TLFre and DPC improve the
efficiency of SGL and nonnegative Lasso by several orders of magnitude.
|
Implicit segmentation of Kannada characters in offline handwriting
recognition using hidden Markov models | We describe a method for classification of handwritten Kannada characters
using Hidden Markov Models (HMMs). Kannada script is agglutinative, where
simple shapes are concatenated horizontally to form a character. This results
in a large number of characters making the task of classification difficult.
Character segmentation plays a significant role in reducing the number of
classes. Explicit segmentation techniques suffer when overlapping shapes are
present, which is common in the case of handwritten text. We use HMMs to take
advantage of the agglutinative nature of Kannada script, which allows us to
perform implicit segmentation of characters along with recognition. All the
experiments are performed on the Chars74k dataset that consists of 657
handwritten characters collected across multiple users. Gradient-based features
are extracted from individual characters and are used to train character HMMs.
The use of implicit segmentation technique at the character level resulted in
an improvement of around 10%. This system also outperformed an existing system
tested on the same dataset by around 16%. Analysis based on learning curves
showed that increasing the training data could result in better accuracy.
Accordingly, we collected additional data and obtained an improvement of 4%
with 6 additional samples.
|
Multi-Level Anomaly Detection on Time-Varying Graph Data | This work presents a novel modeling and analysis framework for graph
sequences which addresses the challenge of detecting and contextualizing
anomalies in labelled, streaming graph data. We introduce a generalization of
the BTER model of Seshadhri et al. by adding flexibility to community
structure, and use this model to perform multi-scale graph anomaly detection.
Specifically, probability models describing coarse subgraphs are built by
aggregating probabilities at finer levels, and these closely related
hierarchical models simultaneously detect deviations from expectation. This
technique provides insight into a graph's structure and internal context that
may shed light on a detected event. Additionally, this multi-scale analysis
facilitates intuitive visualizations by allowing users to narrow focus from an
anomalous graph to particular subgraphs or nodes causing the anomaly.
For evaluation, two hierarchical anomaly detectors are tested against a
baseline Gaussian method on a series of sampled graphs. We demonstrate that our
graph statistics-based approach outperforms both a distribution-based detector
and the baseline in a labeled setting with community structure, and it
accurately detects anomalies in synthetic and real-world datasets at the node,
subgraph, and graph levels. To illustrate the accessibility of information made
possible via this technique, the anomaly detector and an associated interactive
visualization tool are tested on NCAA football data, where teams and
conferences that moved within the league are identified with perfect recall,
and precision greater than 0.786.
|
Multivariate Spearman's rho for aggregating ranks using copulas | We study the problem of rank aggregation: given a set of ranked lists, we
want to form a consensus ranking. Furthermore, we consider the case of extreme
lists: i.e., only the rank of the best or worst elements are known. We impute
missing ranks by the average value and generalise Spearman's \rho to extreme
ranks. Our main contribution is the derivation of a non-parametric estimator
for rank aggregation based on multivariate extensions of Spearman's \rho, which
measures correlation between a set of ranked lists. Multivariate Spearman's
\rho is defined using copulas, and we show that the geometric mean of
normalised ranks maximises multivariate correlation. Motivated by this, we
propose a weighted geometric mean approach for learning to rank which has a
closed form least squares solution. When only the best or worst elements of a
ranked list are known, we impute the missing ranks by the average value,
allowing us to apply Spearman's \rho. Finally, we demonstrate good performance
on the rank aggregation benchmarks MQ2007 and MQ2008.
|
Map Matching based on Conditional Random Fields and Route Preference
Mining for Uncertain Trajectories | In order to improve offline map matching accuracy of low-sampling-rate GPS, a
map matching algorithm based on conditional random fields (CRF) and route
preference mining is proposed. In this algorithm, road offset distance and the
temporal-spatial relationship between the sampling points are used as features
of GPS trajectory in CRF model, which can utilize the advantages of integrating
the context information into features flexibly. When the sampling rate is too
low, it is difficult to guarantee the effectiveness using temporal-spatial
context modeled in CRF, and route preference of a driver is used as
replenishment to be superposed on the temporal-spatial transition features. The
experimental results show that this method can improve the accuracy of the
matching, especially in the case of low sampling rate.
|
MKL-RT: Multiple Kernel Learning for Ratio-trace Problems via Convex
Optimization | In the recent past, automatic selection or combination of kernels (or
features) based on multiple kernel learning (MKL) approaches has been receiving
significant attention from various research communities. Though MKL has been
extensively studied in the context of support vector machines (SVM), it is
relatively less explored for ratio-trace problems. In this paper, we show that
MKL can be formulated as a convex optimization problem for a general class of
ratio-trace problems that encompasses many popular algorithms used in various
computer vision applications. We also provide an optimization procedure that is
guaranteed to converge to the global optimum of the proposed optimization
problem. We experimentally demonstrate that the proposed MKL approach, which we
refer to as MKL-RT, can be successfully used to select features for
discriminative dimensionality reduction and cross-modal retrieval. We also show
that the proposed convex MKL-RT approach performs better than the recently
proposed non-convex MKL-DR approach.
|
Graph-Sparse LDA: A Topic Model with Structured Sparsity | Originally designed to model text, topic modeling has become a powerful tool
for uncovering latent structure in domains including medicine, finance, and
vision. The goals for the model vary depending on the application: in some
cases, the discovered topics may be used for prediction or some other
downstream task. In other cases, the content of the topic itself may be of
intrinsic scientific interest.
Unfortunately, even using modern sparse techniques, the discovered topics are
often difficult to interpret due to the high dimensionality of the underlying
space. To improve topic interpretability, we introduce Graph-Sparse LDA, a
hierarchical topic model that leverages knowledge of relationships between
words (e.g., as encoded by an ontology). In our model, topics are summarized by
a few latent concept-words from the underlying graph that explain the observed
words. Graph-Sparse LDA recovers sparse, interpretable summaries on two
real-world biomedical datasets while matching state-of-the-art prediction
performance.
|
Learning a hyperplane regressor by minimizing an exact bound on the VC
dimension | The capacity of a learning machine is measured by its Vapnik-Chervonenkis
dimension, and learning machines with a low VC dimension generalize better. It
is well known that the VC dimension of SVMs can be very large or unbounded,
even though they generally yield state-of-the-art learning performance. In this
paper, we show how to learn a hyperplane regressor by minimizing an exact, or
\boldmath{$\Theta$} bound on its VC dimension. The proposed approach, termed as
the Minimal Complexity Machine (MCM) Regressor, involves solving a simple
linear programming problem. Experimental results show, that on a number of
benchmark datasets, the proposed approach yields regressors with error rates
much less than those obtained with conventional SVM regresssors, while often
using fewer support vectors. On some benchmark datasets, the number of support
vectors is less than one tenth the number used by SVMs, indicating that the MCM
does indeed learn simpler representations.
|
Non-parametric Bayesian Learning with Deep Learning Structure and Its
Applications in Wireless Networks | In this paper, we present an infinite hierarchical non-parametric Bayesian
model to extract the hidden factors over observed data, where the number of
hidden factors for each layer is unknown and can be potentially infinite.
Moreover, the number of layers can also be infinite. We construct the model
structure that allows continuous values for the hidden factors and weights,
which makes the model suitable for various applications. We use the
Metropolis-Hastings method to infer the model structure. Then the performance
of the algorithm is evaluated by the experiments. Simulation results show that
the model fits the underlying structure of simulated data.
|
Domain-Independent Optimistic Initialization for Reinforcement Learning | In Reinforcement Learning (RL), it is common to use optimistic initialization
of value functions to encourage exploration. However, such an approach
generally depends on the domain, viz., the scale of the rewards must be known,
and the feature representation must have a constant norm. We present a simple
approach that performs optimistic initialization with less dependence on the
domain.
|
Learning to Execute | Recurrent Neural Networks (RNNs) with Long Short-Term Memory units (LSTM) are
widely used because they are expressive and are easy to train. Our interest
lies in empirically evaluating the expressiveness and the learnability of LSTMs
in the sequence-to-sequence regime by training them to evaluate short computer
programs, a domain that has traditionally been seen as too complex for neural
networks. We consider a simple class of programs that can be evaluated with a
single left-to-right pass using constant memory. Our main result is that LSTMs
can learn to map the character-level representations of such programs to their
correct outputs. Notably, it was necessary to use curriculum learning, and
while conventional curriculum learning proved ineffective, we developed a new
variant of curriculum learning that improved our networks' performance in all
experimental conditions. The improved curriculum had a dramatic impact on an
addition problem, making it possible to train an LSTM to add two 9-digit
numbers with 99% accuracy.
|
KCRC-LCD: Discriminative Kernel Collaborative Representation with
Locality Constrained Dictionary for Visual Categorization | We consider the image classification problem via kernel collaborative
representation classification with locality constrained dictionary (KCRC-LCD).
Specifically, we propose a kernel collaborative representation classification
(KCRC) approach in which kernel method is used to improve the discrimination
ability of collaborative representation classification (CRC). We then measure
the similarities between the query and atoms in the global dictionary in order
to construct a locality constrained dictionary (LCD) for KCRC. In addition, we
discuss several similarity measure approaches in LCD and further present a
simple yet effective unified similarity measure whose superiority is validated
in experiments. There are several appealing aspects associated with LCD. First,
LCD can be nicely incorporated under the framework of KCRC. The LCD similarity
measure can be kernelized under KCRC, which theoretically links CRC and LCD
under the kernel method. Second, KCRC-LCD becomes more scalable to both the
training set size and the feature dimension. Example shows that KCRC is able to
perfectly classify data with certain distribution, while conventional CRC fails
completely. Comprehensive experiments on many public datasets also show that
KCRC-LCD is a robust discriminative classifier with both excellent performance
and good scalability, being comparable or outperforming many other
state-of-the-art approaches.
|
mS2GD: Mini-Batch Semi-Stochastic Gradient Descent in the Proximal
Setting | We propose a mini-batching scheme for improving the theoretical complexity
and practical performance of semi-stochastic gradient descent applied to the
problem of minimizing a strongly convex composite function represented as the
sum of an average of a large number of smooth convex functions, and simple
nonsmooth convex function. Our method first performs a deterministic step
(computation of the gradient of the objective function at the starting point),
followed by a large number of stochastic steps. The process is repeated a few
times with the last iterate becoming the new starting point. The novelty of our
method is in introduction of mini-batching into the computation of stochastic
steps. In each step, instead of choosing a single function, we sample $b$
functions, compute their gradients, and compute the direction based on this. We
analyze the complexity of the method and show that the method benefits from two
speedup effects. First, we prove that as long as $b$ is below a certain
threshold, we can reach predefined accuracy with less overall work than without
mini-batching. Second, our mini-batching scheme admits a simple parallel
implementation, and hence is suitable for further acceleration by
parallelization.
|
A Hierarchical Multi-Output Nearest Neighbor Model for Multi-Output
Dependence Learning | Multi-Output Dependence (MOD) learning is a generalization of standard
classification problems that allows for multiple outputs that are dependent on
each other. A primary issue that arises in the context of MOD learning is that
for any given input pattern there can be multiple correct output patterns. This
changes the learning task from function approximation to relation
approximation. Previous algorithms do not consider this problem, and thus
cannot be readily applied to MOD problems. To perform MOD learning, we
introduce the Hierarchical Multi-Output Nearest Neighbor model (HMONN) that
employs a basic learning model for each output and a modified nearest neighbor
approach to refine the initial results.
|
Generalized Conditional Gradient for Sparse Estimation | Structured sparsity is an important modeling tool that expands the
applicability of convex formulations for data analysis, however it also creates
significant challenges for efficient algorithm design. In this paper we
investigate the generalized conditional gradient (GCG) algorithm for solving
structured sparse optimization problems---demonstrating that, with some
enhancements, it can provide a more efficient alternative to current state of
the art approaches. After providing a comprehensive overview of the convergence
properties of GCG, we develop efficient methods for evaluating polar operators,
a subroutine that is required in each GCG iteration. In particular, we show how
the polar operator can be efficiently evaluated in two important scenarios:
dictionary learning and structured sparse estimation. A further improvement is
achieved by interleaving GCG with fixed-rank local subspace optimization. A
series of experiments on matrix completion, multi-class classification,
multi-view dictionary learning and overlapping group lasso shows that the
proposed method can significantly reduce the training cost of current
alternatives.
|
Gaussian Process Models with Parallelization and GPU acceleration | In this work, we present an extension of Gaussian process (GP) models with
sophisticated parallelization and GPU acceleration. The parallelization scheme
arises naturally from the modular computational structure w.r.t. datapoints in
the sparse Gaussian process formulation. Additionally, the computational
bottleneck is implemented with GPU acceleration for further speed up. Combining
both techniques allows applying Gaussian process models to millions of
datapoints. The efficiency of our algorithm is demonstrated with a synthetic
dataset. Its source code has been integrated into our popular software library
GPy.
|
On Bootstrapping Machine Learning Performance Predictors via Analytical
Models | Performance modeling typically relies on two antithetic methodologies: white
box models, which exploit knowledge on system's internals and capture its
dynamics using analytical approaches, and black box techniques, which infer
relations among the input and output variables of a system based on the
evidences gathered during an initial training phase. In this paper we
investigate a technique, which we name Bootstrapping, which aims at reconciling
these two methodologies and at compensating the cons of the one with the pros
of the other. We thoroughly analyze the design space of this gray box modeling
technique, and identify a number of algorithmic and parametric trade-offs which
we evaluate via two realistic case studies, a Key-Value Store and a Total Order
Broadcast service.
|
On Iterative Hard Thresholding Methods for High-dimensional M-Estimation | The use of M-estimators in generalized linear regression models in high
dimensional settings requires risk minimization with hard $L_0$ constraints. Of
the known methods, the class of projected gradient descent (also known as
iterative hard thresholding (IHT)) methods is known to offer the fastest and
most scalable solutions. However, the current state-of-the-art is only able to
analyze these methods in extremely restrictive settings which do not hold in
high dimensional statistical models. In this work we bridge this gap by
providing the first analysis for IHT-style methods in the high dimensional
statistical setting. Our bounds are tight and match known minimax lower bounds.
Our results rely on a general analysis framework that enables us to analyze
several popular hard thresholding style algorithms (such as HTP, CoSaMP, SP) in
the high dimensional regression setting. We also extend our analysis to a large
family of "fully corrective methods" that includes two-stage and partial
hard-thresholding algorithms. We show that our results hold for the problem of
sparse regression, as well as low-rank matrix recovery.
|
Naive Bayes and Text Classification I - Introduction and Theory | Naive Bayes classifiers, a family of classifiers that are based on the
popular Bayes' probability theorem, are known for creating simple yet well
performing models, especially in the fields of document classification and
disease prediction. In this article, we will look at the main concepts of naive
Bayes classification in the context of document categorization.
|
An Overview of General Performance Metrics of Binary Classifier Systems | This document provides a brief overview of different metrics and terminology
that is used to measure the performance of binary classification systems.
|
Scalable Parallel Factorizations of SDD Matrices and Efficient Sampling
for Gaussian Graphical Models | Motivated by a sampling problem basic to computational statistical inference,
we develop a nearly optimal algorithm for a fundamental problem in spectral
graph theory and numerical analysis. Given an $n\times n$ SDDM matrix ${\bf
\mathbf{M}}$, and a constant $-1 \leq p \leq 1$, our algorithm gives efficient
access to a sparse $n\times n$ linear operator $\tilde{\mathbf{C}}$ such that
$${\mathbf{M}}^{p} \approx \tilde{\mathbf{C}} \tilde{\mathbf{C}}^\top.$$ The
solution is based on factoring ${\bf \mathbf{M}}$ into a product of simple and
sparse matrices using squaring and spectral sparsification. For ${\mathbf{M}}$
with $m$ non-zero entries, our algorithm takes work nearly-linear in $m$, and
polylogarithmic depth on a parallel machine with $m$ processors. This gives the
first sampling algorithm that only requires nearly linear work and $n$ i.i.d.
random univariate Gaussian samples to generate i.i.d. random samples for
$n$-dimensional Gaussian random fields with SDDM precision matrices. For
sampling this natural subclass of Gaussian random fields, it is optimal in the
randomness and nearly optimal in the work and parallel complexity. In addition,
our sampling algorithm can be directly extended to Gaussian random fields with
SDD precision matrices.
|
Improved Asymmetric Locality Sensitive Hashing (ALSH) for Maximum Inner
Product Search (MIPS) | Recently it was shown that the problem of Maximum Inner Product Search (MIPS)
is efficient and it admits provably sub-linear hashing algorithms. Asymmetric
transformations before hashing were the key in solving MIPS which was otherwise
hard. In the prior work, the authors use asymmetric transformations which
convert the problem of approximate MIPS into the problem of approximate near
neighbor search which can be efficiently solved using hashing. In this work, we
provide a different transformation which converts the problem of approximate
MIPS into the problem of approximate cosine similarity search which can be
efficiently solved using signed random projections. Theoretical analysis show
that the new scheme is significantly better than the original scheme for MIPS.
Experimental evaluations strongly support the theoretical findings.
|
Machine Learning of Coq Proof Guidance: First Experiments | We report the results of the first experiments with learning proof
dependencies from the formalizations done with the Coq system. We explain the
process of obtaining the dependencies from the Coq proofs, the characterization
of formulas that is used for the learning, and the evaluation method. Various
machine learning methods are compared on a dataset of 5021 toplevel Coq proofs
coming from the CoRN repository. The best resulting method covers on average
75% of the needed proof dependencies among the first 100 predictions, which is
a comparable performance of such initial experiments on other large-theory
corpora.
|
Feature Selection Based on Confidence Machine | In machine learning and pattern recognition, feature selection has been a hot
topic in the literature. Unsupervised feature selection is challenging due to
the loss of labels which would supply the related information.How to define an
appropriate metric is the key for feature selection. We propose a filter method
for unsupervised feature selection which is based on the Confidence Machine.
Confidence Machine offers an estimation of confidence on a feature'reliability.
In this paper, we provide the math model of Confidence Machine in the context
of feature selection, which maximizes the relevance and minimizes the
redundancy of the selected feature. We compare our method against classic
feature selection methods Laplacian Score, Pearson Correlation and Principal
Component Analysis on benchmark data sets. The experimental results demonstrate
the efficiency and effectiveness of our method.
|
Using Mechanical Turk to Build Machine Translation Evaluation Sets | Building machine translation (MT) test sets is a relatively expensive task.
As MT becomes increasingly desired for more and more language pairs and more
and more domains, it becomes necessary to build test sets for each case. In
this paper, we investigate using Amazon's Mechanical Turk (MTurk) to make MT
test sets cheaply. We find that MTurk can be used to make test sets much
cheaper than professionally-produced test sets. More importantly, in
experiments with multiple MT systems, we find that the MTurk-produced test sets
yield essentially the same conclusions regarding system performance as the
professionally-produced test sets yield.
|
On Symmetric and Asymmetric LSHs for Inner Product Search | We consider the problem of designing locality sensitive hashes (LSH) for
inner product similarity, and of the power of asymmetric hashes in this
context. Shrivastava and Li argue that there is no symmetric LSH for the
problem and propose an asymmetric LSH based on different mappings for query and
database points. However, we show there does exist a simple symmetric LSH that
enjoys stronger guarantees and better empirical performance than the asymmetric
LSH they suggest. We also show a variant of the settings where asymmetry is
in-fact needed, but there a different asymmetric LSH is required.
|
Where do goals come from? A Generic Approach to Autonomous Goal-System
Development | Goals express agents' intentions and allow them to organize their behavior
based on low-dimensional abstractions of high-dimensional world states. How can
agents develop such goals autonomously? This paper proposes a detailed
conceptual and computational account to this longstanding problem. We argue to
consider goals as high-level abstractions of lower-level intention mechanisms
such as rewards and values, and point out that goals need to be considered
alongside with a detection of the own actions' effects. We propose Latent Goal
Analysis as a computational learning formulation thereof, and show
constructively that any reward or value function can by explained by goals and
such self-detection as latent mechanisms. We first show that learned goals
provide a highly effective dimensionality reduction in a practical
reinforcement learning problem. Then, we investigate a developmental scenario
in which entirely task-unspecific rewards induced by visual saliency lead to
self and goal representations that constitute goal-directed reaching.
|
Regularizing Recurrent Networks - On Injected Noise and Norm-based
Methods | Advancements in parallel processing have lead to a surge in multilayer
perceptrons' (MLP) applications and deep learning in the past decades.
Recurrent Neural Networks (RNNs) give additional representational power to
feedforward MLPs by providing a way to treat sequential data. However, RNNs are
hard to train using conventional error backpropagation methods because of the
difficulty in relating inputs over many time-steps. Regularization approaches
from MLP sphere, like dropout and noisy weight training, have been
insufficiently applied and tested on simple RNNs. Moreover, solutions have been
proposed to improve convergence in RNNs but not enough to improve the long term
dependency remembering capabilities thereof.
In this study, we aim to empirically evaluate the remembering and
generalization ability of RNNs on polyphonic musical datasets. The models are
trained with injected noise, random dropout, norm-based regularizers and their
respective performances compared to well-initialized plain RNNs and advanced
regularization methods like fast-dropout. We conclude with evidence that
training with noise does not improve performance as conjectured by a few works
in RNN optimization before ours.
|
Robust Multidimensional Mean-Payoff Games are Undecidable | Mean-payoff games play a central role in quantitative synthesis and
verification. In a single-dimensional game a weight is assigned to every
transition and the objective of the protagonist is to assure a non-negative
limit-average weight. In the multidimensional setting, a weight vector is
assigned to every transition and the objective of the protagonist is to satisfy
a boolean condition over the limit-average weight of each dimension, e.g.,
$\LimAvg(x_1) \leq 0 \vee \LimAvg(x_2)\geq 0 \wedge \LimAvg(x_3) \geq 0$. We
recently proved that when one of the players is restricted to finite-memory
strategies then the decidability of determining the winner is inter-reducible
with Hilbert's Tenth problem over rationals (a fundamental long-standing open
problem). In this work we allow arbitrary (infinite-memory) strategies for both
players and we show that the problem is undecidable.
|
Optimal Feature Selection from VMware ESXi 5.1 Feature Set | A study of VMware ESXi 5.1 server has been carried out to find the optimal
set of parameters which suggest usage of different resources of the server.
Feature selection algorithms have been used to extract the optimum set of
parameters of the data obtained from VMware ESXi 5.1 server using esxtop
command. Multiple virtual machines (VMs) are running in the mentioned server.
K-means algorithm is used for clustering the VMs. The goodness of each cluster
is determined by Davies Bouldin index and Dunn index respectively. The best
cluster is further identified by the determined indices. The features of the
best cluster are considered into a set of optimal parameters.
|
Artifact reduction in multichannel pervasive EEG using hybrid WPT-ICA
and WPT-EMD signal decomposition techniques | In order to reduce the muscle artifacts in multi-channel pervasive
Electroencephalogram (EEG) signals, we here propose and compare two hybrid
algorithms by combining the concept of wavelet packet transform (WPT),
empirical mode decomposition (EMD) and Independent Component Analysis (ICA).
The signal cleaning performances of WPT-EMD and WPT-ICA algorithms have been
compared using a signal-to-noise ratio (SNR)-like criterion for artifacts. The
algorithms have been tested on multiple trials of four different artifact cases
viz. eye-blinking and muscle artifacts including left and right hand movement
and head-shaking.
|
Daily Stress Recognition from Mobile Phone Data, Weather Conditions and
Individual Traits | Research has proven that stress reduces quality of life and causes many
diseases. For this reason, several researchers devised stress detection systems
based on physiological parameters. However, these systems require that
obtrusive sensors are continuously carried by the user. In our paper, we
propose an alternative approach providing evidence that daily stress can be
reliably recognized based on behavioral metrics, derived from the user's mobile
phone activity and from additional indicators, such as the weather conditions
(data pertaining to transitory properties of the environment) and the
personality traits (data concerning permanent dispositions of individuals). Our
multifactorial statistical model, which is person-independent, obtains the
accuracy score of 72.28% for a 2-class daily stress recognition problem. The
model is efficient to implement for most of multimedia applications due to
highly reduced low-dimensional feature space (32d). Moreover, we identify and
discuss the indicators which have strong predictive power.
|
Bucking the Trend: Large-Scale Cost-Focused Active Learning for
Statistical Machine Translation | We explore how to improve machine translation systems by adding more
translation data in situations where we already have substantial resources. The
main challenge is how to buck the trend of diminishing returns that is commonly
encountered. We present an active learning-style data solicitation algorithm to
meet this challenge. We test it, gathering annotations via Amazon Mechanical
Turk, and find that we get an order of magnitude increase in performance rates
of improvement.
|
Mean-Field Networks | The mean field algorithm is a widely used approximate inference algorithm for
graphical models whose exact inference is intractable. In each iteration of
mean field, the approximate marginals for each variable are updated by getting
information from the neighbors. This process can be equivalently converted into
a feedforward network, with each layer representing one iteration of mean field
and with tied weights on all layers. This conversion enables a few natural
extensions, e.g. untying the weights in the network. In this paper, we study
these mean field networks (MFNs), and use them as inference tools as well as
discriminative models. Preliminary experiment results show that MFNs can learn
to do inference very efficiently and perform significantly better than mean
field as discriminative models.
|
Active Regression by Stratification | We propose a new active learning algorithm for parametric linear regression
with random design. We provide finite sample convergence guarantees for general
distributions in the misspecified model. This is the first active learner for
this setting that provably can improve over passive learning. Unlike other
learning settings (such as classification), in regression the passive learning
rate of $O(1/\epsilon)$ cannot in general be improved upon. Nonetheless, the
so-called `constant' in the rate of convergence, which is characterized by a
distribution-dependent risk, can be improved in many cases. For a given
distribution, achieving the optimal risk requires prior knowledge of the
distribution. Following the stratification technique advocated in Monte-Carlo
function integration, our active learner approaches the optimal risk using
piecewise constant approximations.
|
Cosine Similarity Measure According to a Convex Cost Function | In this paper, we describe a new vector similarity measure associated with a
convex cost function. Given two vectors, we determine the surface normals of
the convex function at the vectors. The angle between the two surface normals
is the similarity measure. Convex cost function can be the negative entropy
function, total variation (TV) function and filtered variation function. The
convex cost function need not be differentiable everywhere. In general, we need
to compute the gradient of the cost function to compute the surface normals. If
the gradient does not exist at a given vector, it is possible to use the
subgradients and the normal producing the smallest angle between the two
vectors is used to compute the similarity measure.
|
Online Energy Price Matrix Factorization for Power Grid Topology
Tracking | Grid security and open markets are two major smart grid goals. Transparency
of market data facilitates a competitive and efficient energy environment, yet
it may also reveal critical physical system information. Recovering the grid
topology based solely on publicly available market data is explored here.
Real-time energy prices are calculated as the Lagrange multipliers of
network-constrained economic dispatch; that is, via a linear program (LP)
typically solved every 5 minutes. Granted the grid Laplacian is a parameter of
this LP, one could infer such a topology-revealing matrix upon observing
successive LP dual outcomes. The matrix of spatio-temporal prices is first
shown to factor as the product of the inverse Laplacian times a sparse matrix.
Leveraging results from sparse matrix decompositions, topology recovery schemes
with complementary strengths are subsequently formulated. Solvers scalable to
high-dimensional and streaming market data are devised. Numerical validation
using real load data on the IEEE 30-bus grid provide useful input for current
and future market designs.
|
Attribute Efficient Linear Regression with Data-Dependent Sampling | In this paper we analyze a budgeted learning setting, in which the learner
can only choose and observe a small subset of the attributes of each training
example. We develop efficient algorithms for ridge and lasso linear regression,
which utilize the geometry of the data by a novel data-dependent sampling
scheme. When the learner has prior knowledge on the second moments of the
attributes, the optimal sampling probabilities can be calculated precisely, and
result in data-dependent improvements factors for the excess risk over the
state-of-the-art that may be as large as $O(\sqrt{d})$, where $d$ is the
problem's dimension. Moreover, under reasonable assumptions our algorithms can
use less attributes than full-information algorithms, which is the main concern
in budgeted learning settings. To the best of our knowledge, these are the
first algorithms able to do so in our setting. Where no such prior knowledge is
available, we develop a simple estimation technique that given a sufficient
amount of training examples, achieves similar improvements. We complement our
theoretical analysis with experiments on several data sets which support our
claims.
|
On Lower and Upper Bounds in Smooth Strongly Convex Optimization - A
Unified Approach via Linear Iterative Methods | In this thesis we develop a novel framework to study smooth and strongly
convex optimization algorithms, both deterministic and stochastic. Focusing on
quadratic functions we are able to examine optimization algorithms as a
recursive application of linear operators. This, in turn, reveals a powerful
connection between a class of optimization algorithms and the analytic theory
of polynomials whereby new lower and upper bounds are derived. In particular,
we present a new and natural derivation of Nesterov's well-known Accelerated
Gradient Descent method by employing simple 'economic' polynomials. This rather
natural interpretation of AGD contrasts with earlier ones which lacked a
simple, yet solid, motivation. Lastly, whereas existing lower bounds are only
valid when the dimensionality scales with the number of iterations, our lower
bound holds in the natural regime where the dimensionality is fixed.
|
A Parallel and Efficient Algorithm for Learning to Match | Many tasks in data mining and related fields can be formalized as matching
between objects in two heterogeneous domains, including collaborative
filtering, link prediction, image tagging, and web search. Machine learning
techniques, referred to as learning-to-match in this paper, have been
successfully applied to the problems. Among them, a class of state-of-the-art
methods, named feature-based matrix factorization, formalize the task as an
extension to matrix factorization by incorporating auxiliary features into the
model. Unfortunately, making those algorithms scale to real world problems is
challenging, and simple parallelization strategies fail due to the complex
cross talking patterns between sub-tasks. In this paper, we tackle this
challenge with a novel parallel and efficient algorithm for feature-based
matrix factorization. Our algorithm, based on coordinate descent, can easily
handle hundreds of millions of instances and features on a single machine. The
key recipe of this algorithm is an iterative relaxation of the objective to
facilitate parallel updates of parameters, with guaranteed convergence on
minimizing the original objective function. Experimental results demonstrate
that the proposed method is effective on a wide range of matching problems,
with efficiency significantly improved upon the baselines while accuracy
retained unchanged.
|
Model Selection for Topic Models via Spectral Decomposition | Topic models have achieved significant successes in analyzing large-scale
text corpus. In practical applications, we are always confronted with the
challenge of model selection, i.e., how to appropriately set the number of
topics. Following recent advances in topic model inference via tensor
decomposition, we make a first attempt to provide theoretical analysis on model
selection in latent Dirichlet allocation. Under mild conditions, we derive the
upper bound and lower bound on the number of topics given a text collection of
finite size. Experimental results demonstrate that our bounds are accurate and
tight. Furthermore, using Gaussian mixture model as an example, we show that
our methodology can be easily generalized to model selection analysis for other
latent models.
|
Online and Stochastic Gradient Methods for Non-decomposable Loss
Functions | Modern applications in sensitive domains such as biometrics and medicine
frequently require the use of non-decomposable loss functions such as
precision@k, F-measure etc. Compared to point loss functions such as
hinge-loss, these offer much more fine grained control over prediction, but at
the same time present novel challenges in terms of algorithm design and
analysis. In this work we initiate a study of online learning techniques for
such non-decomposable loss functions with an aim to enable incremental learning
as well as design scalable solvers for batch problems. To this end, we propose
an online learning framework for such loss functions. Our model enjoys several
nice properties, chief amongst them being the existence of efficient online
learning algorithms with sublinear regret and online to batch conversion
bounds. Our model is a provable extension of existing online learning models
for point loss functions. We instantiate two popular losses, prec@k and pAUC,
in our model and prove sublinear regret bounds for both of them. Our proofs
require a novel structural lemma over ranked lists which may be of independent
interest. We then develop scalable stochastic gradient descent solvers for
non-decomposable loss functions. We show that for a large family of loss
functions satisfying a certain uniform convergence property (that includes
prec@k, pAUC, and F-measure), our methods provably converge to the empirical
risk minimizer. Such uniform convergence results were not known for these
losses and we establish these using novel proof techniques. We then use
extensive experimentation on real life and benchmark datasets to establish that
our method can be orders of magnitude faster than a recently proposed cutting
plane method.
|
Dimensionality Reduction for k-Means Clustering and Low Rank
Approximation | We show how to approximate a data matrix $\mathbf{A}$ with a much smaller
sketch $\mathbf{\tilde A}$ that can be used to solve a general class of
constrained k-rank approximation problems to within $(1+\epsilon)$ error.
Importantly, this class of problems includes $k$-means clustering and
unconstrained low rank approximation (i.e. principal component analysis). By
reducing data points to just $O(k)$ dimensions, our methods generically
accelerate any exact, approximate, or heuristic algorithm for these ubiquitous
problems.
For $k$-means dimensionality reduction, we provide $(1+\epsilon)$ relative
error results for many common sketching techniques, including random row
projection, column selection, and approximate SVD. For approximate principal
component analysis, we give a simple alternative to known algorithms that has
applications in the streaming setting. Additionally, we extend recent work on
column-based matrix reconstruction, giving column subsets that not only `cover'
a good subspace for $\bv{A}$, but can be used directly to compute this
subspace.
Finally, for $k$-means clustering, we show how to achieve a $(9+\epsilon)$
approximation by Johnson-Lindenstrauss projecting data points to just $O(\log
k/\epsilon^2)$ dimensions. This gives the first result that leverages the
specific structure of $k$-means to achieve dimension independent of input size
and sublinear in $k$.
|
Clustering Words by Projection Entropy | We apply entropy agglomeration (EA), a recently introduced algorithm, to
cluster the words of a literary text. EA is a greedy agglomerative procedure
that minimizes projection entropy (PE), a function that can quantify the
segmentedness of an element set. To apply it, the text is reduced to a feature
allocation, a combinatorial object to represent the word occurences in the
text's paragraphs. The experiment results demonstrate that EA, despite its
reduction and simplicity, is useful in capturing significant relationships
among the words in the text. This procedure was implemented in Python and
published as a free software: REBUS.
|
Covariance Matrices for Mean Field Variational Bayes | Mean Field Variational Bayes (MFVB) is a popular posterior approximation
method due to its fast runtime on large-scale data sets. However, it is well
known that a major failing of MFVB is its (sometimes severe) underestimates of
the uncertainty of model variables and lack of information about model variable
covariance. We develop a fast, general methodology for exponential families
that augments MFVB to deliver accurate uncertainty estimates for model
variables -- both for individual variables and coherently across variables.
MFVB for exponential families defines a fixed-point equation in the means of
the approximating posterior, and our approach yields a covariance estimate by
perturbing this fixed point. Inspired by linear response theory, we call our
method linear response variational Bayes (LRVB). We demonstrate the accuracy of
our method on simulated data sets.
|
Screening Rules for Overlapping Group Lasso | Recently, to solve large-scale lasso and group lasso problems, screening
rules have been developed, the goal of which is to reduce the problem size by
efficiently discarding zero coefficients using simple rules independently of
the others. However, screening for overlapping group lasso remains an open
challenge because the overlaps between groups make it infeasible to test each
group independently. In this paper, we develop screening rules for overlapping
group lasso. To address the challenge arising from groups with overlaps, we
take into account overlapping groups only if they are inclusive of the group
being tested, and then we derive screening rules, adopting the dual polytope
projection approach. This strategy allows us to screen each group independently
of each other. In our experiments, we demonstrate the efficiency of our
screening rules on various datasets.
|
Differentially- and non-differentially-private random decision trees | We consider supervised learning with random decision trees, where the tree
construction is completely random. The method is popularly used and works well
in practice despite the simplicity of the setting, but its statistical
mechanism is not yet well-understood. In this paper we provide strong
theoretical guarantees regarding learning with random decision trees. We
analyze and compare three different variants of the algorithm that have minimal
memory requirements: majority voting, threshold averaging and probabilistic
averaging. The random structure of the tree enables us to adapt these methods
to a differentially-private setting thus we also propose differentially-private
versions of all three schemes. We give upper-bounds on the generalization error
and mathematically explain how the accuracy depends on the number of random
decision trees. Furthermore, we prove that only logarithmic (in the size of the
dataset) number of independently selected random decision trees suffice to
correctly classify most of the data, even when differential-privacy guarantees
must be maintained. We empirically show that majority voting and threshold
averaging give the best accuracy, also for conservative users requiring high
privacy guarantees. Furthermore, we demonstrate that a simple majority voting
rule is an especially good candidate for the differentially-private classifier
since it is much less sensitive to the choice of forest parameters than other
methods.
|
Notes on using Determinantal Point Processes for Clustering with
Applications to Text Clustering | In this paper, we compare three initialization schemes for the KMEANS
clustering algorithm: 1) random initialization (KMEANSRAND), 2) KMEANS++, and
3) KMEANSD++. Both KMEANSRAND and KMEANS++ have a major that the value of k
needs to be set by the user of the algorithms. (Kang 2013) recently proposed a
novel use of determinantal point processes for sampling the initial centroids
for the KMEANS algorithm (we call it KMEANSD++). They, however, do not provide
any evaluation establishing that KMEANSD++ is better than other algorithms. In
this paper, we show that the performance of KMEANSD++ is comparable to KMEANS++
(both of which are better than KMEANSRAND) with KMEANSD++ having an additional
that it can automatically approximate the value of k.
|
Local Rademacher Complexity for Multi-label Learning | We analyze the local Rademacher complexity of empirical risk minimization
(ERM)-based multi-label learning algorithms, and in doing so propose a new
algorithm for multi-label learning. Rather than using the trace norm to
regularize the multi-label predictor, we instead minimize the tail sum of the
singular values of the predictor in multi-label learning. Benefiting from the
use of the local Rademacher complexity, our algorithm, therefore, has a sharper
generalization error bound and a faster convergence rate. Compared to methods
that minimize over all singular values, concentrating on the tail singular
values results in better recovery of the low-rank structure of the multi-label
predictor, which plays an import role in exploiting label correlations. We
propose a new conditional singular value thresholding algorithm to solve the
resulting objective function. Empirical studies on real-world datasets validate
our theoretical results and demonstrate the effectiveness of the proposed
algorithm.
|
A provable SVD-based algorithm for learning topics in dominant admixture
corpus | Topic models, such as Latent Dirichlet Allocation (LDA), posit that documents
are drawn from admixtures of distributions over words, known as topics. The
inference problem of recovering topics from admixtures, is NP-hard. Assuming
separability, a strong assumption, [4] gave the first provable algorithm for
inference. For LDA model, [6] gave a provable algorithm using tensor-methods.
But [4,6] do not learn topic vectors with bounded $l_1$ error (a natural
measure for probability vectors). Our aim is to develop a model which makes
intuitive and empirically supported assumptions and to design an algorithm with
natural, simple components such as SVD, which provably solves the inference
problem for the model with bounded $l_1$ error. A topic in LDA and other models
is essentially characterized by a group of co-occurring words. Motivated by
this, we introduce topic specific Catchwords, group of words which occur with
strictly greater frequency in a topic than any other topic individually and are
required to have high frequency together rather than individually. A major
contribution of the paper is to show that under this more realistic assumption,
which is empirically verified on real corpora, a singular value decomposition
(SVD) based algorithm with a crucial pre-processing step of thresholding, can
provably recover the topics from a collection of documents drawn from Dominant
admixtures. Dominant admixtures are convex combination of distributions in
which one distribution has a significantly higher contribution than others.
Apart from the simplicity of the algorithm, the sample complexity has near
optimal dependence on $w_0$, the lowest probability that a topic is dominant,
and is better than [4]. Empirical evidence shows that on several real world
corpora, both Catchwords and Dominant admixture assumptions hold and the
proposed algorithm substantially outperforms the state of the art [5].
|
A PTAS for Agnostically Learning Halfspaces | We present a PTAS for agnostically learning halfspaces w.r.t. the uniform
distribution on the $d$ dimensional sphere. Namely, we show that for every
$\mu>0$ there is an algorithm that runs in time
$\mathrm{poly}(d,\frac{1}{\epsilon})$, and is guaranteed to return a classifier
with error at most $(1+\mu)\mathrm{opt}+\epsilon$, where $\mathrm{opt}$ is the
error of the best halfspace classifier. This improves on Awasthi, Balcan and
Long [ABL14] who showed an algorithm with an (unspecified) constant
approximation ratio. Our algorithm combines the classical technique of
polynomial regression (e.g. [LMN89, KKMS05]), together with the new
localization technique of [ABL14].
|
Sparse Distributed Learning via Heterogeneous Diffusion Adaptive
Networks | In-network distributed estimation of sparse parameter vectors via diffusion
LMS strategies has been studied and investigated in recent years. In all the
existing works, some convex regularization approach has been used at each node
of the network in order to achieve an overall network performance superior to
that of the simple diffusion LMS, albeit at the cost of increased computational
overhead. In this paper, we provide analytical as well as experimental results
which show that the convex regularization can be selectively applied only to
some chosen nodes keeping rest of the nodes sparsity agnostic, while still
enjoying the same optimum behavior as can be realized by deploying the convex
regularization at all the nodes. Due to the incorporation of unregularized
learning at a subset of nodes, less computational cost is needed in the
proposed approach. We also provide a guideline for selection of the sparsity
aware nodes and a closed form expression for the optimum regularization
parameter.
|
Random Sampling in an Age of Automation: Minimizing Expenditures through
Balanced Collection and Annotation | Methods for automated collection and annotation are changing the
cost-structures of sampling surveys for a wide range of applications. Digital
samples in the form of images or audio recordings can be collected rapidly, and
annotated by computer programs or crowd workers. We consider the problem of
estimating a population mean under these new cost-structures, and propose a
Hybrid-Offset sampling design. This design utilizes two annotators: a primary,
which is accurate but costly (e.g. a human expert) and an auxiliary which is
noisy but cheap (e.g. a computer program), in order to minimize total sampling
expenditures. Our analysis gives necessary conditions for the Hybrid-Offset
design and specifies optimal sample sizes for both annotators. Simulations on
data from a coral reef survey program indicate that the Hybrid-Offset design
outperforms several alternative sampling designs. In particular, sampling
expenditures are reduced 50% compared to the Conventional design currently
deployed by the coral ecologists.
|
A data-driven method for syndrome type identification and classification
in traditional Chinese medicine | Objective: The efficacy of traditional Chinese medicine (TCM) treatments for
Western medicine (WM) diseases relies heavily on the proper classification of
patients into TCM syndrome types. We develop a data-driven method for solving
the classification problem, where syndrome types are identified and quantified
based on patterns detected in unlabeled symptom survey data.
Method: Latent class analysis (LCA) has been applied in WM research to solve
a similar problem, i.e., to identify subtypes of a patient population in the
absence of a gold standard. A widely known weakness of LCA is that it makes an
unrealistically strong independence assumption. We relax the assumption by
first detecting symptom co-occurrence patterns from survey data and use those
patterns instead of the symptoms as features for LCA. Results: The result of
the investigation is a six-step method: Data collection, symptom co-occurrence
pattern discovery, pattern interpretation, syndrome identification, syndrome
type identification, and syndrome type classification. A software package
called Lantern is developed to support the application of the method. The
method is illustrated using a data set on Vascular Mild Cognitive Impairment
(VMCI).
Conclusions: A data-driven method for TCM syndrome identification and
classification is presented. The method can be used to answer the following
questions about a Western medicine disease: What TCM syndrome types are there
among the patients with the disease? What is the prevalence of each syndrome
type? What are the statistical characteristics of each syndrome type in terms
of occurrence of symptoms? How can we determine the syndrome type(s) of a
patient?
|
Exponentiated Subgradient Algorithm for Online Optimization under the
Random Permutation Model | Online optimization problems arise in many resource allocation tasks, where
the future demands for each resource and the associated utility functions
change over time and are not known apriori, yet resources need to be allocated
at every point in time despite the future uncertainty. In this paper, we
consider online optimization problems with general concave utilities. We modify
and extend an online optimization algorithm proposed by Devanur et al. for
linear programming to this general setting. The model we use for the arrival of
the utilities and demands is known as the random permutation model, where a
fixed collection of utilities and demands are presented to the algorithm in
random order. We prove that under this model the algorithm achieves a
competitive ratio of $1-O(\epsilon)$ under a near-optimal assumption that the
bid to budget ratio is $O (\frac{\epsilon^2}{\log({m}/{\epsilon})})$, where $m$
is the number of resources, while enjoying a significantly lower computational
cost than the optimal algorithm proposed by Kesselheim et al. We draw a
connection between the proposed algorithm and subgradient methods used in
convex optimization. In addition, we present numerical experiments that
demonstrate the performance and speed of this algorithm in comparison to
existing algorithms.
|
Heteroscedastic Treed Bayesian Optimisation | Optimising black-box functions is important in many disciplines, such as
tuning machine learning models, robotics, finance and mining exploration.
Bayesian optimisation is a state-of-the-art technique for the global
optimisation of black-box functions which are expensive to evaluate. At the
core of this approach is a Gaussian process prior that captures our belief
about the distribution over functions. However, in many cases a single Gaussian
process is not flexible enough to capture non-stationarity in the objective
function. Consequently, heteroscedasticity negatively affects performance of
traditional Bayesian methods. In this paper, we propose a novel prior model
with hierarchical parameter learning that tackles the problem of
non-stationarity in Bayesian optimisation. Our results demonstrate substantial
improvements in a wide range of applications, including automatic machine
learning and mining exploration.
|
Exact and Heuristic Algorithms for Semi-Nonnegative Matrix Factorization | Given a matrix $M$ (not necessarily nonnegative) and a factorization rank
$r$, semi-nonnegative matrix factorization (semi-NMF) looks for a matrix $U$
with $r$ columns and a nonnegative matrix $V$ with $r$ rows such that $UV$ is
the best possible approximation of $M$ according to some metric. In this paper,
we study the properties of semi-NMF from which we develop exact and heuristic
algorithms. Our contribution is threefold. First, we prove that the error of a
semi-NMF of rank $r$ has to be smaller than the best unconstrained
approximation of rank $r-1$. This leads us to a new initialization procedure
based on the singular value decomposition (SVD) with a guarantee on the quality
of the approximation. Second, we propose an exact algorithm (that is, an
algorithm that finds an optimal solution), also based on the SVD, for a certain
class of matrices (including nonnegative irreducible matrices) from which we
derive an initialization for matrices not belonging to that class. Numerical
experiments illustrate that this second approach performs extremely well, and
allows us to compute optimal semi-NMF decompositions in many situations.
Finally, we analyze the computational complexity of semi-NMF proving its
NP-hardness, already in the rank-one case (that is, for $r = 1$), and we show
that semi-NMF is sometimes ill-posed (that is, an optimal solution does not
exist).
|
Feature Selection through Minimization of the VC dimension | Feature selection involes identifying the most relevant subset of input
features, with a view to improving generalization of predictive models by
reducing overfitting. Directly searching for the most relevant combination of
attributes is NP-hard. Variable selection is of critical importance in many
applications, such as micro-array data analysis, where selecting a small number
of discriminative features is crucial to developing useful models of disease
mechanisms, as well as for prioritizing targets for drug discovery. The
recently proposed Minimal Complexity Machine (MCM) provides a way to learn a
hyperplane classifier by minimizing an exact (\boldmath{$\Theta$}) bound on its
VC dimension. It is well known that a lower VC dimension contributes to good
generalization. For a linear hyperplane classifier in the input space, the VC
dimension is upper bounded by the number of features; hence, a linear
classifier with a small VC dimension is parsimonious in the set of features it
employs. In this paper, we use the linear MCM to learn a classifier in which a
large number of weights are zero; features with non-zero weights are the ones
that are chosen. Selected features are used to learn a kernel SVM classifier.
On a number of benchmark datasets, the features chosen by the linear MCM yield
comparable or better test set accuracy than when methods such as ReliefF and
FCBF are used for the task. The linear MCM typically chooses one-tenth the
number of attributes chosen by the other methods; on some very high dimensional
datasets, the MCM chooses about $0.6\%$ of the features; in comparison, ReliefF
and FCBF choose 70 to 140 times more features, thus demonstrating that
minimizing the VC dimension may provide a new, and very effective route for
feature selection and for learning sparse representations.
|
Maximally Informative Hierarchical Representations of High-Dimensional
Data | We consider a set of probabilistic functions of some input variables as a
representation of the inputs. We present bounds on how informative a
representation is about input data. We extend these bounds to hierarchical
representations so that we can quantify the contribution of each layer towards
capturing the information in the original data. The special form of these
bounds leads to a simple, bottom-up optimization procedure to construct
hierarchical representations that are also maximally informative about the
data. This optimization has linear computational complexity and constant sample
complexity in the number of variables. These results establish a new approach
to unsupervised learning of deep representations that is both principled and
practical. We demonstrate the usefulness of the approach on both synthetic and
real-world data.
|
Fast Function to Function Regression | We analyze the problem of regression when both input covariates and output
responses are functions from a nonparametric function class. Function to
function regression (FFR) covers a large range of interesting applications
including time-series prediction problems, and also more general tasks like
studying a mapping between two separate types of distributions. However,
previous nonparametric estimators for FFR type problems scale badly
computationally with the number of input/output pairs in a data-set. Given the
complexity of a mapping between general functions it may be necessary to
consider large data-sets in order to achieve a low estimation risk. To address
this issue, we develop a novel scalable nonparametric estimator, the
Triple-Basis Estimator (3BE), which is capable of operating over datasets with
many instances. To the best of our knowledge, the 3BE is the first
nonparametric FFR estimator that can scale to massive datasets. We analyze the
3BE's risk and derive an upperbound rate. Furthermore, we show an improvement
of several orders of magnitude in terms of prediction speed and a reduction in
error over previous estimators in various real-world data-sets.
|
Consensus Message Passing for Layered Graphical Models | Generative models provide a powerful framework for probabilistic reasoning.
However, in many domains their use has been hampered by the practical
difficulties of inference. This is particularly the case in computer vision,
where models of the imaging process tend to be large, loopy and layered. For
this reason bottom-up conditional models have traditionally dominated in such
domains. We find that widely-used, general-purpose message passing inference
algorithms such as Expectation Propagation (EP) and Variational Message Passing
(VMP) fail on the simplest of vision models. With these models in mind, we
introduce a modification to message passing that learns to exploit their
layered structure by passing 'consensus' messages that guide inference towards
good solutions. Experiments on a variety of problems show that the proposed
technique leads to significantly more accurate inference results, not only when
compared to standard EP and VMP, but also when compared to competitive
bottom-up conditional models.
|
Parallel training of DNNs with Natural Gradient and Parameter Averaging | We describe the neural-network training framework used in the Kaldi speech
recognition toolkit, which is geared towards training DNNs with large amounts
of training data using multiple GPU-equipped or multi-core machines. In order
to be as hardware-agnostic as possible, we needed a way to use multiple
machines without generating excessive network traffic. Our method is to average
the neural network parameters periodically (typically every minute or two), and
redistribute the averaged parameters to the machines for further training. Each
machine sees different data. By itself, this method does not work very well.
However, we have another method, an approximate and efficient implementation of
Natural Gradient for Stochastic Gradient Descent (NG-SGD), which seems to allow
our periodic-averaging method to work well, as well as substantially improving
the convergence of SGD on a single machine.
|
Learning deep dynamical models from image pixels | Modeling dynamical systems is important in many disciplines, e.g., control,
robotics, or neurotechnology. Commonly the state of these systems is not
directly observed, but only available through noisy and potentially
high-dimensional observations. In these cases, system identification, i.e.,
finding the measurement mapping and the transition mapping (system dynamics) in
latent space can be challenging. For linear system dynamics and measurement
mappings efficient solutions for system identification are available. However,
in practical applications, the linearity assumptions does not hold, requiring
non-linear system identification techniques. If additionally the observations
are high-dimensional (e.g., images), non-linear system identification is
inherently hard. To address the problem of non-linear system identification
from high-dimensional observations, we combine recent advances in deep learning
and system identification. In particular, we jointly learn a low-dimensional
embedding of the observation by means of deep auto-encoders and a predictive
transition model in this low-dimensional space. We demonstrate that our model
enables learning good predictive models of dynamical systems from pixel
information only.
|
Fast Algorithms for Online Stochastic Convex Programming | We introduce the online stochastic Convex Programming (CP) problem, a very
general version of stochastic online problems which allows arbitrary concave
objectives and convex feasibility constraints. Many well-studied problems like
online stochastic packing and covering, online stochastic matching with concave
returns, etc. form a special case of online stochastic CP. We present fast
algorithms for these problems, which achieve near-optimal regret guarantees for
both the i.i.d. and the random permutation models of stochastic inputs. When
applied to the special case online packing, our ideas yield a simpler and
faster primal-dual algorithm for this well studied problem, which achieves the
optimal competitive ratio. Our techniques make explicit the connection of
primal-dual paradigm and online learning to online stochastic CP.
|
Learning graphical models from the Glauber dynamics | In this paper we consider the problem of learning undirected graphical models
from data generated according to the Glauber dynamics. The Glauber dynamics is
a Markov chain that sequentially updates individual nodes (variables) in a
graphical model and it is frequently used to sample from the stationary
distribution (to which it converges given sufficient time). Additionally, the
Glauber dynamics is a natural dynamical model in a variety of settings. This
work deviates from the standard formulation of graphical model learning in the
literature, where one assumes access to i.i.d. samples from the distribution.
Much of the research on graphical model learning has been directed towards
finding algorithms with low computational cost. As the main result of this
work, we establish that the problem of reconstructing binary pairwise graphical
models is computationally tractable when we observe the Glauber dynamics.
Specifically, we show that a binary pairwise graphical model on $p$ nodes with
maximum degree $d$ can be learned in time $f(d)p^2\log p$, for a function
$f(d)$, using nearly the information-theoretic minimum number of samples.
|
Non-convex Robust PCA | We propose a new method for robust PCA -- the task of recovering a low-rank
matrix from sparse corruptions that are of unknown value and support. Our
method involves alternating between projecting appropriate residuals onto the
set of low-rank matrices, and the set of sparse matrices; each projection is
{\em non-convex} but easy to compute. In spite of this non-convexity, we
establish exact recovery of the low-rank matrix, under the same conditions that
are required by existing methods (which are based on convex optimization). For
an $m \times n$ input matrix ($m \leq n)$, our method has a running time of
$O(r^2mn)$ per iteration, and needs $O(\log(1/\epsilon))$ iterations to reach
an accuracy of $\epsilon$. This is close to the running time of simple PCA via
the power method, which requires $O(rmn)$ per iteration, and
$O(\log(1/\epsilon))$ iterations. In contrast, existing methods for robust PCA,
which are based on convex optimization, have $O(m^2n)$ complexity per
iteration, and take $O(1/\epsilon)$ iterations, i.e., exponentially more
iterations for the same accuracy.
Experiments on both synthetic and real data establishes the improved speed
and accuracy of our method over existing convex implementations.
|
Trend Filtering on Graphs | We introduce a family of adaptive estimators on graphs, based on penalizing
the $\ell_1$ norm of discrete graph differences. This generalizes the idea of
trend filtering [Kim et al. (2009), Tibshirani (2014)], used for univariate
nonparametric regression, to graphs. Analogous to the univariate case, graph
trend filtering exhibits a level of local adaptivity unmatched by the usual
$\ell_2$-based graph smoothers. It is also defined by a convex minimization
problem that is readily solved (e.g., by fast ADMM or Newton algorithms). We
demonstrate the merits of graph trend filtering through examples and theory.
|
Anomaly Detection Framework Using Rule Extraction for Efficient
Intrusion Detection | Huge datasets in cyber security, such as network traffic logs, can be
analyzed using machine learning and data mining methods. However, the amount of
collected data is increasing, which makes analysis more difficult. Many machine
learning methods have not been designed for big datasets, and consequently are
slow and difficult to understand. We address the issue of efficient network
traffic classification by creating an intrusion detection framework that
applies dimensionality reduction and conjunctive rule extraction. The system
can perform unsupervised anomaly detection and use this information to create
conjunctive rules that classify huge amounts of traffic in real time. We test
the implemented system with the widely used KDD Cup 99 dataset and real-world
network logs to confirm that the performance is satisfactory. This system is
transparent and does not work like a black box, making it intuitive for domain
experts, such as network administrators.
|
Generalized Product of Experts for Automatic and Principled Fusion of
Gaussian Process Predictions | In this work, we propose a generalized product of experts (gPoE) framework
for combining the predictions of multiple probabilistic models. We identify
four desirable properties that are important for scalability, expressiveness
and robustness, when learning and inferring with a combination of multiple
models. Through analysis and experiments, we show that gPoE of Gaussian
processes (GP) have these qualities, while no other existing combination
schemes satisfy all of them at the same time. The resulting GP-gPoE is highly
scalable as individual GP experts can be independently learned in parallel;
very expressive as the way experts are combined depends on the input rather
than fixed; the combined prediction is still a valid probabilistic model with
natural interpretation; and finally robust to unreliable predictions from
individual experts.
|
Fast Learning of Relational Dependency Networks | A Relational Dependency Network (RDN) is a directed graphical model widely
used for multi-relational data. These networks allow cyclic dependencies,
necessary to represent relational autocorrelations. We describe an approach for
learning both the RDN's structure and its parameters, given an input relational
database: First learn a Bayesian network (BN), then transform the Bayesian
network to an RDN. Thus fast Bayes net learning can provide fast RDN learning.
The BN-to-RDN transform comprises a simple, local adjustment of the Bayes net
structure and a closed-form transform of the Bayes net parameters. This method
can learn an RDN for a dataset with a million tuples in minutes. We empirically
compare our approach to state-of-the art RDN learning methods that use
functional gradient boosting, on five benchmark datasets. Learning RDNs via BNs
scales much better to large datasets than learning RDNs with boosting, and
provides competitive accuracy in predictions.
|
A Markov Decision Process Analysis of the Cold Start Problem in Bayesian
Information Filtering | We consider the information filtering problem, in which we face a stream of
items, and must decide which ones to forward to a user to maximize the number
of relevant items shown, minus a penalty for each irrelevant item shown.
Forwarding decisions are made separately in a personalized way for each user.
We focus on the cold-start setting for this problem, in which we have limited
historical data on the user's preferences, and must rely on feedback from
forwarded articles to learn which the fraction of items relevant to the user in
each of several item categories. Performing well in this setting requires
trading exploration vs. exploitation, forwarding items that are likely to be
irrelevant, to allow learning that will improve later performance. In a
Bayesian setting, and using Markov decision processes, we show how the
Bayes-optimal forwarding algorithm can be computed efficiently when the user
will examine each forwarded article, and how an upper bound on the
Bayes-optimal procedure and a heuristic index policy can be obtained for the
setting when the user will examine only a limited number of forwarded items. We
present results from simulation experiments using parameters estimated using
historical data from arXiv.org.
|
Collaborative Multi-sensor Classification via Sparsity-based
Representation | In this paper, we propose a general collaborative sparse representation
framework for multi-sensor classification, which takes into account the
correlations as well as complementary information between heterogeneous sensors
simultaneously while considering joint sparsity within each sensor's
observations. We also robustify our models to deal with the presence of sparse
noise and low-rank interference signals. Specifically, we demonstrate that
incorporating the noise or interference signal as a low-rank component in our
models is essential in a multi-sensor classification problem when multiple
co-located sources/sensors simultaneously record the same physical event. We
further extend our frameworks to kernelized models which rely on sparsely
representing a test sample in terms of all the training samples in a feature
space induced by a kernel function. A fast and efficient algorithm based on
alternative direction method is proposed where its convergence to an optimal
solution is guaranteed. Extensive experiments are conducted on several real
multi-sensor data sets and results are compared with the conventional
classifiers to verify the effectiveness of the proposed methods.
|
Global Bandits with Holder Continuity | Standard Multi-Armed Bandit (MAB) problems assume that the arms are
independent. However, in many application scenarios, the information obtained
by playing an arm provides information about the remainder of the arms. Hence,
in such applications, this informativeness can and should be exploited to
enable faster convergence to the optimal solution. In this paper, we introduce
and formalize the Global MAB (GMAB), in which arms are globally informative
through a global parameter, i.e., choosing an arm reveals information about all
the arms. We propose a greedy policy for the GMAB which always selects the arm
with the highest estimated expected reward, and prove that it achieves bounded
parameter-dependent regret. Hence, this policy selects suboptimal arms only
finitely many times, and after a finite number of initial time steps, the
optimal arm is selected in all of the remaining time steps with probability
one. In addition, we also study how the informativeness of the arms about each
other's rewards affects the speed of learning. Specifically, we prove that the
parameter-free (worst-case) regret is sublinear in time, and decreases with the
informativeness of the arms. We also prove a sublinear in time Bayesian risk
bound for the GMAB which reduces to the well-known Bayesian risk bound for
linearly parameterized bandits when the arms are fully informative. GMABs have
applications ranging from drug and treatment discovery to dynamic pricing.
|
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.