title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Multivariate Comparison of Classification Algorithms | Statistical tests that compare classification algorithms are univariate and
use a single performance measure, e.g., misclassification error, $F$ measure,
AUC, and so on. In multivariate tests, comparison is done using multiple
measures simultaneously. For example, error is the sum of false positives and
false negatives and a univariate test on error cannot make a distinction
between these two sources, but a 2-variate test can. Similarly, instead of
combining precision and recall in $F$ measure, we can have a 2-variate test on
(precision, recall). We use Hotelling's multivariate $T^2$ test for comparing
two algorithms, and when we have three or more algorithms we use the
multivariate analysis of variance (MANOVA) followed by pairwise post hoc tests.
In our experiments, we see that multivariate tests have higher power than
univariate tests, that is, they can detect differences that univariate tests
cannot. We also discuss how multivariate analysis allows us to automatically
extract performance measures that best distinguish the behavior of multiple
algorithms.
|
Compute Less to Get More: Using ORC to Improve Sparse Filtering | Sparse Filtering is a popular feature learning algorithm for image
classification pipelines. In this paper, we connect the performance of Sparse
Filtering with spectral properties of the corresponding feature matrices. This
connection provides new insights into Sparse Filtering; in particular, it
suggests early stopping of Sparse Filtering. We therefore introduce the Optimal
Roundness Criterion (ORC), a novel stopping criterion for Sparse Filtering. We
show that this stopping criterion is related with pre-processing procedures
such as Statistical Whitening and demonstrate that it can make image
classification with Sparse Filtering considerably faster and more accurate.
|
A Mixtures-of-Experts Framework for Multi-Label Classification | We develop a novel probabilistic approach for multi-label classification that
is based on the mixtures-of-experts architecture combined with recently
introduced conditional tree-structured Bayesian networks. Our approach captures
different input-output relations from multi-label data using the efficient
tree-structured classifiers, while the mixtures-of-experts architecture aims to
compensate for the tree-structured restrictions and build a more accurate
model. We develop and present algorithms for learning the model from data and
for performing multi-label predictions on future data instances. Experiments on
multiple benchmark datasets demonstrate that our approach achieves highly
competitive results and outperforms the existing state-of-the-art multi-label
classification methods.
|
Anomaly Detection Based on Indicators Aggregation | Automatic anomaly detection is a major issue in various areas. Beyond mere
detection, the identification of the source of the problem that produced the
anomaly is also essential. This is particularly the case in aircraft engine
health monitoring where detecting early signs of failure (anomalies) and
helping the engine owner to implement efficiently the adapted maintenance
operations (fixing the source of the anomaly) are of crucial importance to
reduce the costs attached to unscheduled maintenance. This paper introduces a
general methodology that aims at classifying monitoring signals into normal
ones and several classes of abnormal ones. The main idea is to leverage expert
knowledge by generating a very large number of binary indicators. Each
indicator corresponds to a fully parametrized anomaly detector built from
parametric anomaly scores designed by experts. A feature selection method is
used to keep only the most discriminant indicators which are used at inputs of
a Naive Bayes classifier. This give an interpretable classifier based on
interpretable anomaly detectors whose parameters have been optimized indirectly
by the selection process. The proposed methodology is evaluated on simulated
data designed to reproduce some of the anomaly types observed in real world
engines.
|
Collapsed Variational Bayes Inference of Infinite Relational Model | The Infinite Relational Model (IRM) is a probabilistic model for relational
data clustering that partitions objects into clusters based on observed
relationships. This paper presents Averaged CVB (ACVB) solutions for IRM,
convergence-guaranteed and practically useful fast Collapsed Variational Bayes
(CVB) inferences. We first derive ordinary CVB and CVB0 for IRM based on the
lower bound maximization. CVB solutions yield deterministic iterative
procedures for inferring IRM given the truncated number of clusters. Our
proposal includes CVB0 updates of hyperparameters including the concentration
parameter of the Dirichlet Process, which has not been studied in the
literature. To make the CVB more practically useful, we further study the CVB
inference in two aspects. First, we study the convergence issues and develop a
convergence-guaranteed algorithm for any CVB-based inferences called ACVB,
which enables automatic convergence detection and frees non-expert
practitioners from difficult and costly manual monitoring of inference
processes. Second, we present a few techniques for speeding up IRM inferences.
In particular, we describe the linear time inference of CVB0, allowing the IRM
for larger relational data uses. The ACVB solutions of IRM showed comparable or
better performance compared to existing inference methods in experiments, and
provide deterministic, faster, and easier convergence detection.
|
Taking into Account the Differences between Actively and Passively
Acquired Data: The Case of Active Learning with Support Vector Machines for
Imbalanced Datasets | Actively sampled data can have very different characteristics than passively
sampled data. Therefore, it's promising to investigate using different
inference procedures during AL than are used during passive learning (PL). This
general idea is explored in detail for the focused case of AL with
cost-weighted SVMs for imbalanced data, a situation that arises for many HLT
tasks. The key idea behind the proposed InitPA method for addressing imbalance
is to base cost models during AL on an estimate of overall corpus imbalance
computed via a small unbiased sample rather than the imbalance in the labeled
training data, which is the leading method used during PL.
|
Statistical inference with probabilistic graphical models | These are notes from the lecture of Devavrat Shah given at the autumn school
"Statistical Physics, Optimization, Inference, and Message-Passing Algorithms",
that took place in Les Houches, France from Monday September 30th, 2013, till
Friday October 11th, 2013. The school was organized by Florent Krzakala from
UPMC & ENS Paris, Federico Ricci-Tersenghi from La Sapienza Roma, Lenka
Zdeborova from CEA Saclay & CNRS, and Riccardo Zecchina from Politecnico
Torino. This lecture of Devavrat Shah (MIT) covers the basics of inference and
learning. It explains how inference problems are represented within structures
known as graphical models. The theoretical basis of the belief propagation
algorithm is then explained and derived. This lecture sets the stage for
generalizations and applications of message passing algorithms.
|
Ensembles of Random Sphere Cover Classifiers | We propose and evaluate alternative ensemble schemes for a new instance based
learning classifier, the Randomised Sphere Cover (RSC) classifier. RSC fuses
instances into spheres, then bases classification on distance to spheres rather
than distance to instances. The randomised nature of RSC makes it ideal for use
in ensembles. We propose two ensemble methods tailored to the RSC classifier;
$\alpha \beta$RSE, an ensemble based on instance resampling and $\alpha$RSSE, a
subspace ensemble. We compare $\alpha \beta$RSE and $\alpha$RSSE to tree based
ensembles on a set of UCI datasets and demonstrates that RSC ensembles perform
significantly better than some of these ensembles, and not significantly worse
than the others. We demonstrate via a case study on six gene expression data
sets that $\alpha$RSSE can outperform other subspace ensemble methods on high
dimensional data when used in conjunction with an attribute filter. Finally, we
perform a set of Bias/Variance decomposition experiments to analyse the source
of improvement in comparison to a base classifier.
|
An Agent-Based Algorithm exploiting Multiple Local Dissimilarities for
Clusters Mining and Knowledge Discovery | We propose a multi-agent algorithm able to automatically discover relevant
regularities in a given dataset, determining at the same time the set of
configurations of the adopted parametric dissimilarity measure yielding compact
and separated clusters. Each agent operates independently by performing a
Markovian random walk on a suitable weighted graph representation of the input
dataset. Such a weighted graph representation is induced by the specific
parameter configuration of the dissimilarity measure adopted by the agent,
which searches and takes decisions autonomously for one cluster at a time.
Results show that the algorithm is able to discover parameter configurations
that yield a consistent and interpretable collection of clusters. Moreover, we
demonstrate that our algorithm shows comparable performances with other similar
state-of-the-art algorithms when facing specific clustering problems.
|
Predictive Capacity of Meteorological Data - Will it rain tomorrow | With the availability of high precision digital sensors and cheap storage
medium, it is not uncommon to find large amounts of data collected on almost
all measurable attributes, both in nature and man-made habitats. Weather in
particular has been an area of keen interest for researchers to develop more
accurate and reliable prediction models. This paper presents a set of
experiments which involve the use of prevalent machine learning techniques to
build models to predict the day of the week given the weather data for that
particular day i.e. temperature, wind, rain etc., and test their reliability
across four cities in Australia {Brisbane, Adelaide, Perth, Hobart}. The
results provide a comparison of accuracy of these machine learning techniques
and their reliability to predict the day of the week by analysing the weather
data. We then apply the models to predict weather conditions based on the
available data.
|
A Method for Stopping Active Learning Based on Stabilizing Predictions
and the Need for User-Adjustable Stopping | A survey of existing methods for stopping active learning (AL) reveals the
needs for methods that are: more widely applicable; more aggressive in saving
annotations; and more stable across changing datasets. A new method for
stopping AL based on stabilizing predictions is presented that addresses these
needs. Furthermore, stopping methods are required to handle a broad range of
different annotation/performance tradeoff valuations. Despite this, the
existing body of work is dominated by conservative methods with little (if any)
attention paid to providing users with control over the behavior of stopping
methods. The proposed method is shown to fill a gap in the level of
aggressiveness available for stopping AL and supports providing users with
control over stopping behavior.
|
Deeply-Supervised Nets | Our proposed deeply-supervised nets (DSN) method simultaneously minimizes
classification error while making the learning process of hidden layers direct
and transparent. We make an attempt to boost the classification performance by
studying a new formulation in deep networks. Three aspects in convolutional
neural networks (CNN) style architectures are being looked at: (1) transparency
of the intermediate layers to the overall classification; (2)
discriminativeness and robustness of learned features, especially in the early
layers; (3) effectiveness in training due to the presence of the exploding and
vanishing gradients. We introduce "companion objective" to the individual
hidden layers, in addition to the overall objective at the output layer (a
different strategy to layer-wise pre-training). We extend techniques from
stochastic gradient methods to analyze our algorithm. The advantage of our
method is evident and our experimental result on benchmark datasets shows
significant performance gain over existing methods (e.g. all state-of-the-art
results on MNIST, CIFAR-10, CIFAR-100, and SVHN).
|
Pedestrian Detection with Spatially Pooled Features and Structured
Ensemble Learning | Many typical applications of object detection operate within a prescribed
false-positive range. In this situation the performance of a detector should be
assessed on the basis of the area under the ROC curve over that range, rather
than over the full curve, as the performance outside the range is irrelevant.
This measure is labelled as the partial area under the ROC curve (pAUC). We
propose a novel ensemble learning method which achieves a maximal detection
rate at a user-defined range of false positive rates by directly optimizing the
partial AUC using structured learning.
In order to achieve a high object detection performance, we propose a new
approach to extract low-level visual features based on spatial pooling.
Incorporating spatial pooling improves the translational invariance and thus
the robustness of the detection process. Experimental results on both synthetic
and real-world data sets demonstrate the effectiveness of our approach, and we
show that it is possible to train state-of-the-art pedestrian detectors using
the proposed structured ensemble learning method with spatially pooled
features. The result is the current best reported performance on the
Caltech-USA pedestrian detection dataset.
|
Learning and approximation capability of orthogonal super greedy
algorithm | We consider the approximation capability of orthogonal super greedy
algorithms (OSGA) and its applications in supervised learning. OSGA is
concerned with selecting more than one atoms in each iteration step, which, of
course, greatly reduces the computational burden when compared with the
conventional orthogonal greedy algorithm (OGA). We prove that even for function
classes that are not the convex hull of the dictionary, OSGA does not degrade
the approximation capability of OGA provided the dictionary is incoherent.
Based on this, we deduce a tight generalization error bound for OSGA learning.
Our results show that in the realm of supervised learning, OSGA provides a
possibility to further reduce the computational burden of OGA in the premise of
maintaining its prominent generalization capability.
|
SAME but Different: Fast and High-Quality Gibbs Parameter Estimation | Gibbs sampling is a workhorse for Bayesian inference but has several
limitations when used for parameter estimation, and is often much slower than
non-sampling inference methods. SAME (State Augmentation for Marginal
Estimation) \cite{Doucet99,Doucet02} is an approach to MAP parameter estimation
which gives improved parameter estimates over direct Gibbs sampling. SAME can
be viewed as cooling the posterior parameter distribution and allows annealed
search for the MAP parameters, often yielding very high quality (lower loss)
estimates. But it does so at the expense of additional samples per iteration
and generally slower performance. On the other hand, SAME dramatically
increases the parallelism in the sampling schedule, and is an excellent match
for modern (SIMD) hardware. In this paper we explore the application of SAME to
graphical model inference on modern hardware. We show that combining SAME with
factored sample representation (or approximation) gives throughput competitive
with the fastest symbolic methods, but with potentially better quality. We
describe experiments on Latent Dirichlet Allocation, achieving speeds similar
to the fastest reported methods (online Variational Bayes) and lower
cross-validated loss than other LDA implementations. The method is simple to
implement and should be applicable to many other models.
|
Efficient Feature Group Sequencing for Anytime Linear Prediction | We consider \textit{anytime} linear prediction in the common machine learning
setting, where features are in groups that have costs. We achieve anytime (or
interruptible) predictions by sequencing the computation of feature groups and
reporting results using the computed features at interruption. We extend
Orthogonal Matching Pursuit (OMP) and Forward Regression (FR) to learn the
sequencing greedily under this group setting with costs. We theoretically
guarantee that our algorithms achieve near-optimal linear predictions at each
budget when a feature group is chosen. With a novel analysis of OMP, we improve
its theoretical bound to the same strength as that of FR. In addition, we
develop a novel algorithm that consumes cost $4B$ to approximate the optimal
performance of \textit{any} cost $B$, and prove that with cost less than $4B$,
such an approximation is impossible. To our knowledge, these are the first
anytime bounds at \textit{all} budgets. We test our algorithms on two
real-world data-sets and evaluate them in terms of anytime linear prediction
performance against cost-weighted Group Lasso and alternative greedy
algorithms.
|
A Survey on Soft Subspace Clustering | Subspace clustering (SC) is a promising clustering technology to identify
clusters based on their associations with subspaces in high dimensional spaces.
SC can be classified into hard subspace clustering (HSC) and soft subspace
clustering (SSC). While HSC algorithms have been extensively studied and well
accepted by the scientific community, SSC algorithms are relatively new but
gaining more attention in recent years due to better adaptability. In the
paper, a comprehensive survey on existing SSC algorithms and the recent
development are presented. The SSC algorithms are classified systematically
into three main categories, namely, conventional SSC (CSSC), independent SSC
(ISSC) and extended SSC (XSSC). The characteristics of these algorithms are
highlighted and the potential future development of SSC is also discussed.
|
A Formal Methods Approach to Pattern Synthesis in Reaction Diffusion
Systems | We propose a technique to detect and generate patterns in a network of
locally interacting dynamical systems. Central to our approach is a novel
spatial superposition logic, whose semantics is defined over the quad-tree of a
partitioned image. We show that formulas in this logic can be efficiently
learned from positive and negative examples of several types of patterns. We
also demonstrate that pattern detection, which is implemented as a model
checking algorithm, performs very well for test data sets different from the
learning sets. We define a quantitative semantics for the logic and integrate
the model checking algorithm with particle swarm optimization in a
computational framework for synthesis of parameters leading to desired patterns
in reaction-diffusion systems.
|
Transfer Prototype-based Fuzzy Clustering | The traditional prototype based clustering methods, such as the well-known
fuzzy c-mean (FCM) algorithm, usually need sufficient data to find a good
clustering partition. If the available data is limited or scarce, most of the
existing prototype based clustering algorithms will no longer be effective.
While the data for the current clustering task may be scarce, there is usually
some useful knowledge available in the related scenes/domains. In this study,
the concept of transfer learning is applied to prototype based fuzzy clustering
(PFC). Specifically, the idea of leveraging knowledge from the source domain is
exploited to develop a set of transfer prototype based fuzzy clustering (TPFC)
algorithms. Three prototype based fuzzy clustering algorithms, namely, FCM,
fuzzy k-plane clustering (FKPC) and fuzzy subspace clustering (FSC), have been
chosen to incorporate with knowledge leveraging mechanism to develop the
corresponding transfer clustering algorithms. Novel objective functions are
proposed to integrate the knowledge of source domain with the data of target
domain for clustering in the target domain. The proposed algorithms have been
validated on different synthetic and real-world datasets and the results
demonstrate their effectiveness when compared with both the original prototype
based fuzzy clustering algorithms and the related clustering algorithms like
multi-task clustering and co-clustering.
|
Distributed Machine Learning via Sufficient Factor Broadcasting | Matrix-parametrized models, including multiclass logistic regression and
sparse coding, are used in machine learning (ML) applications ranging from
computer vision to computational biology. When these models are applied to
large-scale ML problems starting at millions of samples and tens of thousands
of classes, their parameter matrix can grow at an unexpected rate, resulting in
high parameter synchronization costs that greatly slow down distributed
learning. To address this issue, we propose a Sufficient Factor Broadcasting
(SFB) computation model for efficient distributed learning of a large family of
matrix-parameterized models, which share the following property: the parameter
update computed on each data sample is a rank-1 matrix, i.e., the outer product
of two "sufficient factors" (SFs). By broadcasting the SFs among worker
machines and reconstructing the update matrices locally at each worker, SFB
improves communication efficiency --- communication costs are linear in the
parameter matrix's dimensions, rather than quadratic --- without affecting
computational correctness. We present a theoretical convergence analysis of
SFB, and empirically corroborate its efficiency on four different
matrix-parametrized ML models.
|
Convolutional Neural Networks over Tree Structures for Programming
Language Processing | Programming language processing (similar to natural language processing) is a
hot research topic in the field of software engineering; it has also aroused
growing interest in the artificial intelligence community. However, different
from a natural language sentence, a program contains rich, explicit, and
complicated structural information. Hence, traditional NLP models may be
inappropriate for programs. In this paper, we propose a novel tree-based
convolutional neural network (TBCNN) for programming language processing, in
which a convolution kernel is designed over programs' abstract syntax trees to
capture structural information. TBCNN is a generic architecture for programming
language processing; our experiments show its effectiveness in two different
program analysis tasks: classifying programs according to functionality, and
detecting code snippets of certain patterns. TBCNN outperforms baseline
methods, including several neural models for NLP.
|
Neural Hypernetwork Approach for Pulmonary Embolism diagnosis | This work introduces an integrative approach based on Q-analysis with machine
learning. The new approach, called Neural Hypernetwork, has been applied to a
case study of pulmonary embolism diagnosis. The objective of the application of
neural hyper-network to pulmonary embolism (PE) is to improve diagnose for
reducing the number of CT-angiography needed. Hypernetworks, based on
topological simplicial complex, generalize the concept of two-relation to
many-body relation. Furthermore, Hypernetworks provide a significant
generalization of network theory, enabling the integration of relational
structure, logic and analytic dynamics. Another important results is that
Q-analysis stays close to the data, while other approaches manipulate data,
projecting them into metric spaces or applying some filtering functions to
highlight the intrinsic relations. A pulmonary embolism (PE) is a blockage of
the main artery of the lung or one of its branches, frequently fatal. Our study
uses data on 28 diagnostic features of 1,427 people considered to be at risk of
PE. The resulting neural hypernetwork correctly recognized 94% of those
developing a PE. This is better than previous results that have been obtained
with other methods (statistical selection of features, partial least squares
regression, topological data analysis in a metric space).
|
Attributes for Causal Inference in Longitudinal Observational Databases | The pharmaceutical industry is plagued by the problem of side effects that
can occur anytime a prescribed medication is ingested. There has been a recent
interest in using the vast quantities of medical data available in longitudinal
observational databases to identify causal relationships between drugs and
medical events. Unfortunately the majority of existing post marketing
surveillance algorithms measure how dependant or associated an event is on the
presence of a drug rather than measuring causality. In this paper we
investigate potential attributes that can be used in causal inference to
identify side effects based on the Bradford-Hill causality criteria. Potential
attributes are developed by considering five of the causality criteria and
feature selection is applied to identify the most suitable of these attributes
for detecting side effects. We found that attributes based on the specificity
criterion may improve side effect signalling algorithms but the experiment and
dosage criteria attributes investigated in this paper did not offer sufficient
additional information.
|
Tight Error Bounds for Structured Prediction | Structured prediction tasks in machine learning involve the simultaneous
prediction of multiple labels. This is typically done by maximizing a score
function on the space of labels, which decomposes as a sum of pairwise
elements, each depending on two specific labels. Intuitively, the more pairwise
terms are used, the better the expected accuracy. However, there is currently
no theoretical account of this intuition. This paper takes a significant step
in this direction.
We formulate the problem as classifying the vertices of a known graph
$G=(V,E)$, where the vertices and edges of the graph are labelled and correlate
semi-randomly with the ground truth. We show that the prospects for achieving
low expected Hamming error depend on the structure of the graph $G$ in
interesting ways. For example, if $G$ is a very poor expander, like a path,
then large expected Hamming error is inevitable. Our main positive result shows
that, for a wide class of graphs including 2D grid graphs common in machine
vision applications, there is a polynomial-time algorithm with small and
information-theoretically near-optimal expected error. Our results provide a
first step toward a theoretical justification for the empirical success of the
efficient approximate inference algorithms that are used for structured
prediction in models where exact inference is intractable.
|
Capturing "attrition intensifying" structural traits from didactic
interaction sequences of MOOC learners | This work is an attempt to discover hidden structural configurations in
learning activity sequences of students in Massive Open Online Courses (MOOCs).
Leveraging combined representations of video clickstream interactions and forum
activities, we seek to fundamentally understand traits that are predictive of
decreasing engagement over time. Grounded in the interdisciplinary field of
network science, we follow a graph based approach to successfully extract
indicators of active and passive MOOC participation that reflect persistence
and regularity in the overall interaction footprint. Using these rich
educational semantics, we focus on the problem of predicting student attrition,
one of the major highlights of MOOC literature in the recent years. Our results
indicate an improvement over a baseline ngram based approach in capturing
"attrition intensifying" features from the learning activities that MOOC
learners engage in. Implications for some compelling future research are
discussed.
|
Distributed Robust Learning | We propose a framework for distributed robust statistical learning on {\em
big contaminated data}. The Distributed Robust Learning (DRL) framework can
reduce the computational time of traditional robust learning methods by several
orders of magnitude. We analyze the robustness property of DRL, showing that
DRL not only preserves the robustness of the base robust learning method, but
also tolerates contaminations on a constant fraction of results from computing
nodes (node failures). More precisely, even in presence of the most adversarial
outlier distribution over computing nodes, DRL still achieves a breakdown point
of at least $ \lambda^*/2 $, where $ \lambda^* $ is the break down point of
corresponding centralized algorithm. This is in stark contrast with naive
division-and-averaging implementation, which may reduce the breakdown point by
a factor of $ k $ when $ k $ computing nodes are used. We then specialize the
DRL framework for two concrete cases: distributed robust principal component
analysis and distributed robust regression. We demonstrate the efficiency and
the robustness advantages of DRL through comprehensive simulations and
predicting image tags on a large-scale image set.
|
Domain Adaptive Neural Networks for Object Recognition | We propose a simple neural network model to deal with the domain adaptation
problem in object recognition. Our model incorporates the Maximum Mean
Discrepancy (MMD) measure as a regularization in the supervised learning to
reduce the distribution mismatch between the source and target domains in the
latent space. From experiments, we demonstrate that the MMD regularization is
an effective tool to provide good domain adaptation models on both SURF
features and raw image pixels of a particular image data set. We also show that
our proposed model, preceded by the denoising auto-encoder pretraining,
achieves better performance than recent benchmark models on the same data sets.
This work represents the first study of MMD measure in the context of neural
networks.
|
Analyzing sparse dictionaries for online learning with kernels | Many signal processing and machine learning methods share essentially the
same linear-in-the-parameter model, with as many parameters as available
samples as in kernel-based machines. Sparse approximation is essential in many
disciplines, with new challenges emerging in online learning with kernels. To
this end, several sparsity measures have been proposed in the literature to
quantify sparse dictionaries and constructing relevant ones, the most prolific
ones being the distance, the approximation, the coherence and the Babel
measures. In this paper, we analyze sparse dictionaries based on these
measures. By conducting an eigenvalue analysis, we show that these sparsity
measures share many properties, including the linear independence condition and
inducing a well-posed optimization problem. Furthermore, we prove that there
exists a quasi-isometry between the parameter (i.e., dual) space and the
dictionary's induced feature space.
|
Approximation errors of online sparsification criteria | Many machine learning frameworks, such as resource-allocating networks,
kernel-based methods, Gaussian processes, and radial-basis-function networks,
require a sparsification scheme in order to address the online learning
paradigm. For this purpose, several online sparsification criteria have been
proposed to restrict the model definition on a subset of samples. The most
known criterion is the (linear) approximation criterion, which discards any
sample that can be well represented by the already contributing samples, an
operation with excessive computational complexity. Several computationally
efficient sparsification criteria have been introduced in the literature, such
as the distance, the coherence and the Babel criteria. In this paper, we
provide a framework that connects these sparsification criteria to the issue of
approximating samples, by deriving theoretical bounds on the approximation
errors. Moreover, we investigate the error of approximating any feature, by
proposing upper-bounds on the approximation error for each of the
aforementioned sparsification criteria. Two classes of features are described
in detail, the empirical mean and the principal axes in the kernel principal
component analysis.
|
The Information Theoretically Efficient Model (ITEM): A model for
computerized analysis of large datasets | This document discusses the Information Theoretically Efficient Model (ITEM),
a computerized system to generate an information theoretically efficient
multinomial logistic regression from a general dataset. More specifically, this
model is designed to succeed even where the logit transform of the dependent
variable is not necessarily linear in the independent variables. This research
shows that for large datasets, the resulting models can be produced on modern
computers in a tractable amount of time. These models are also resistant to
overfitting, and as such they tend to produce interpretable models with only a
limited number of features, all of which are designed to be well behaved.
|
Best-Arm Identification in Linear Bandits | We study the best-arm identification problem in linear bandit, where the
rewards of the arms depend linearly on an unknown parameter $\theta^*$ and the
objective is to return the arm with the largest reward. We characterize the
complexity of the problem and introduce sample allocation strategies that pull
arms to identify the best arm with a fixed confidence, while minimizing the
sample budget. In particular, we show the importance of exploiting the global
linear structure to improve the estimate of the reward of near-optimal arms. We
analyze the proposed strategies and compare their empirical performance.
Finally, as a by-product of our analysis, we point out the connection to the
$G$-optimality criterion used in optimal experimental design.
|
Distributed Clustering and Learning Over Networks | Distributed processing over networks relies on in-network processing and
cooperation among neighboring agents. Cooperation is beneficial when agents
share a common objective. However, in many applications agents may belong to
different clusters that pursue different objectives. Then, indiscriminate
cooperation will lead to undesired results. In this work, we propose an
adaptive clustering and learning scheme that allows agents to learn which
neighbors they should cooperate with and which other neighbors they should
ignore. In doing so, the resulting algorithm enables the agents to identify
their clusters and to attain improved learning and estimation accuracy over
networks. We carry out a detailed mean-square analysis and assess the error
probabilities of Types I and II, i.e., false alarm and mis-detection, for the
clustering mechanism. Among other results, we establish that these
probabilities decay exponentially with the step-sizes so that the probability
of correct clustering can be made arbitrarily close to one.
|
A non-linear learning & classification algorithm that achieves full
training accuracy with stellar classification accuracy | A fast Non-linear and non-iterative learning and classification algorithm is
synthesized and validated. This algorithm named the "Reverse Ripple
Effect(R.R.E)", achieves 100% learning accuracy but is computationally
expensive upon classification. The R.R.E is a (deterministic) algorithm that
super imposes Gaussian weighted functions on training points. In this work, the
R.R.E algorithm is compared against known learning and classification
techniques/algorithms such as: the Perceptron Criterion algorithm, Linear
Support Vector machines, the Linear Fisher Discriminant and a simple Neural
Network. The classification accuracy of the R.R.E algorithm is evaluated using
simulations conducted in MATLAB. The R.R.E algorithm's behaviour is analyzed
under linearly and non-linearly separable data sets. For the comparison with
the Neural Network, the classical XOR problem is considered.
|
HSR: L1/2 Regularized Sparse Representation for Fast Face Recognition
using Hierarchical Feature Selection | In this paper, we propose a novel method for fast face recognition called
L1/2 Regularized Sparse Representation using Hierarchical Feature Selection
(HSR). By employing hierarchical feature selection, we can compress the scale
and dimension of global dictionary, which directly contributes to the decrease
of computational cost in sparse representation that our approach is strongly
rooted in. It consists of Gabor wavelets and Extreme Learning Machine
Auto-Encoder (ELM-AE) hierarchically. For Gabor wavelets part, local features
can be extracted at multiple scales and orientations to form Gabor-feature
based image, which in turn improves the recognition rate. Besides, in the
presence of occluded face image, the scale of Gabor-feature based global
dictionary can be compressed accordingly because redundancies exist in
Gabor-feature based occlusion dictionary. For ELM-AE part, the dimension of
Gabor-feature based global dictionary can be compressed because
high-dimensional face images can be rapidly represented by low-dimensional
feature. By introducing L1/2 regularization, our approach can produce sparser
and more robust representation compared to regularized Sparse Representation
based Classification (SRC), which also contributes to the decrease of the
computational cost in sparse representation. In comparison with related work
such as SRC and Gabor-feature based SRC (GSRC), experimental results on a
variety of face databases demonstrate the great advantage of our method for
computational cost. Moreover, we also achieve approximate or even better
recognition rate.
|
Improving Cross-domain Recommendation through Probabilistic
Cluster-level Latent Factor Model--Extended Version | Cross-domain recommendation has been proposed to transfer user behavior
pattern by pooling together the rating data from multiple domains to alleviate
the sparsity problem appearing in single rating domains. However, previous
models only assume that multiple domains share a latent common rating pattern
based on the user-item co-clustering. To capture diversities among different
domains, we propose a novel Probabilistic Cluster-level Latent Factor (PCLF)
model to improve the cross-domain recommendation performance. Experiments on
several real world datasets demonstrate that our proposed model outperforms the
state-of-the-art methods for the cross-domain recommendation task.
|
Unsupervised learning of regression mixture models with unknown number
of components | Regression mixture models are widely studied in statistics, machine learning
and data analysis. Fitting regression mixtures is challenging and is usually
performed by maximum likelihood by using the expectation-maximization (EM)
algorithm. However, it is well-known that the initialization is crucial for EM.
If the initialization is inappropriately performed, the EM algorithm may lead
to unsatisfactory results. The EM algorithm also requires the number of
clusters to be given a priori; the problem of selecting the number of mixture
components requires using model selection criteria to choose one from a set of
pre-estimated candidate models. We propose a new fully unsupervised algorithm
to learn regression mixture models with unknown number of components. The
developed unsupervised learning approach consists in a penalized maximum
likelihood estimation carried out by a robust expectation-maximization (EM)
algorithm for fitting polynomial, spline and B-spline regressions mixtures. The
proposed learning approach is fully unsupervised: 1) it simultaneously infers
the model parameters and the optimal number of the regression mixture
components from the data as the learning proceeds, rather than in a two-fold
scheme as in standard model-based clustering using afterward model selection
criteria, and 2) it does not require accurate initialization unlike the
standard EM for regression mixtures. The developed approach is applied to curve
clustering problems. Numerical experiments on simulated data show that the
proposed robust EM algorithm performs well and provides accurate results in
terms of robustness with regard initialization and retrieving the optimal
partition with the actual number of clusters. An application to real data in
the framework of functional data clustering, confirms the benefit of the
proposed approach for practical applications.
|
Variational Pseudolikelihood for Regularized Ising Inference | I propose a variational approach to maximum pseudolikelihood inference of the
Ising model. The variational algorithm is more computationally efficient, and
does a better job predicting out-of-sample correlations than $L_2$ regularized
maximum pseudolikelihood inference as well as mean field and isolated spin pair
approximations with pseudocount regularization. The key to the approach is a
variational energy that regularizes the inference problem by shrinking the
couplings towards zero, while still allowing some large couplings to explain
strong correlations. The utility of the variational pseudolikelihood approach
is illustrated by training an Ising model to represent the letters A-J using
samples of letters from different computer fonts.
|
Semantically-Informed Syntactic Machine Translation: A Tree-Grafting
Approach | We describe a unified and coherent syntactic framework for supporting a
semantically-informed syntactic approach to statistical machine translation.
Semantically enriched syntactic tags assigned to the target-language training
texts improved translation quality. The resulting system significantly
outperformed a linguistically naive baseline model (Hiero), and reached the
highest scores yet reported on the NIST 2009 Urdu-English translation task.
This finding supports the hypothesis (posed by many researchers in the MT
community, e.g., in DARPA GALE) that both syntactic and semantic information
are critical for improving translation quality---and further demonstrates that
large gains can be achieved for low-resource languages with different word
order than English.
|
Heterogeneous Metric Learning with Content-based Regularization for
Software Artifact Retrieval | The problem of software artifact retrieval has the goal to effectively locate
software artifacts, such as a piece of source code, in a large code repository.
This problem has been traditionally addressed through the textual query. In
other words, information retrieval techniques will be exploited based on the
textual similarity between queries and textual representation of software
artifacts, which is generated by collecting words from comments, identifiers,
and descriptions of programs. However, in addition to these semantic
information, there are rich information embedded in source codes themselves.
These source codes, if analyzed properly, can be a rich source for enhancing
the efforts of software artifact retrieval. To this end, in this paper, we
develop a feature extraction method on source codes. Specifically, this method
can capture both the inherent information in the source codes and the semantic
information hidden in the comments, descriptions, and identifiers of the source
codes. Moreover, we design a heterogeneous metric learning approach, which
allows to integrate code features and text features into the same latent
semantic space. This, in turn, can help to measure the artifact similarity by
exploiting the joint power of both code and text features. Finally, extensive
experiments on real-world data show that the proposed method can help to
improve the performances of software artifact retrieval with a significant
margin.
|
A Boosting Framework on Grounds of Online Learning | By exploiting the duality between boosting and online learning, we present a
boosting framework which proves to be extremely powerful thanks to employing
the vast knowledge available in the online learning area. Using this framework,
we develop various algorithms to address multiple practically and theoretically
interesting questions including sparse boosting, smooth-distribution boosting,
agnostic learning and some generalization to double-projection online learning
algorithms, as a by-product.
|
A Semidefinite Programming Based Search Strategy for Feature Selection
with Mutual Information Measure | Feature subset selection, as a special case of the general subset selection
problem, has been the topic of a considerable number of studies due to the
growing importance of data-mining applications. In the feature subset selection
problem there are two main issues that need to be addressed: (i) Finding an
appropriate measure function than can be fairly fast and robustly computed for
high-dimensional data. (ii) A search strategy to optimize the measure over the
subset space in a reasonable amount of time. In this article mutual information
between features and class labels is considered to be the measure function. Two
series expansions for mutual information are proposed, and it is shown that
most heuristic criteria suggested in the literature are truncated
approximations of these expansions. It is well-known that searching the whole
subset space is an NP-hard problem. Here, instead of the conventional
sequential search algorithms, we suggest a parallel search strategy based on
semidefinite programming (SDP) that can search through the subset space in
polynomial time. By exploiting the similarities between the proposed algorithm
and an instance of the maximum-cut problem in graph theory, the approximation
ratio of this algorithm is derived and is compared with the approximation ratio
of the backward elimination method. The experiments show that it can be
misleading to judge the quality of a measure solely based on the classification
accuracy, without taking the effect of the non-optimum search strategy into
account.
|
Autoencoder Trees | We discuss an autoencoder model in which the encoding and decoding functions
are implemented by decision trees. We use the soft decision tree where internal
nodes realize soft multivariate splits given by a gating function and the
overall output is the average of all leaves weighted by the gating values on
their path. The encoder tree takes the input and generates a lower dimensional
representation in the leaves and the decoder tree takes this and reconstructs
the original input. Exploiting the continuity of the trees, autoencoder trees
are trained with stochastic gradient descent. On handwritten digit and news
data, we see that the autoencoder trees yield good reconstruction error
compared to traditional autoencoder perceptrons. We also see that the
autoencoder tree captures hierarchical representations at different
granularities of the data on its different levels and the leaves capture the
localities in the input space.
|
Short-term solar irradiance and irradiation forecasts via different time
series techniques: A preliminary study | This communication is devoted to solar irradiance and irradiation short-term
forecasts, which are useful for electricity production. Several different time
series approaches are employed. Our results and the corresponding numerical
simulations show that techniques which do not need a large amount of historical
data behave better than those which need them, especially when those data are
quite noisy.
|
Generalized Twin Gaussian Processes using Sharma-Mittal Divergence | There has been a growing interest in mutual information measures due to their
wide range of applications in Machine Learning and Computer Vision. In this
paper, we present a generalized structured regression framework based on
Shama-Mittal divergence, a relative entropy measure, which is introduced to the
Machine Learning community in this work. Sharma-Mittal (SM) divergence is a
generalized mutual information measure for the widely used R\'enyi, Tsallis,
Bhattacharyya, and Kullback-Leibler (KL) relative entropies. Specifically, we
study Sharma-Mittal divergence as a cost function in the context of the Twin
Gaussian Processes (TGP)~\citep{Bo:2010}, which generalizes over the
KL-divergence without computational penalty. We show interesting properties of
Sharma-Mittal TGP (SMTGP) through a theoretical analysis, which covers missing
insights in the traditional TGP formulation. However, we generalize this theory
based on SM-divergence instead of KL-divergence which is a special case.
Experimentally, we evaluated the proposed SMTGP framework on several datasets.
The results show that SMTGP reaches better predictions than KL-based TGP, since
it offers a bigger class of models through its parameters that we learn from
the data.
|
Unsupervised Domain Adaptation by Backpropagation | Top-performing deep architectures are trained on massive amounts of labeled
data. In the absence of labeled data for a certain task, domain adaptation
often provides an attractive option given that labeled data of similar nature
but from a different domain (e.g. synthetic images) are available. Here, we
propose a new approach to domain adaptation in deep architectures that can be
trained on large amount of labeled data from the source domain and large amount
of unlabeled data from the target domain (no labeled target-domain data is
necessary).
As the training progresses, the approach promotes the emergence of "deep"
features that are (i) discriminative for the main learning task on the source
domain and (ii) invariant with respect to the shift between the domains. We
show that this adaptation behaviour can be achieved in almost any feed-forward
model by augmenting it with few standard layers and a simple new gradient
reversal layer. The resulting augmented architecture can be trained using
standard backpropagation.
Overall, the approach can be implemented with little effort using any of the
deep-learning packages. The method performs very well in a series of image
classification experiments, achieving adaptation effect in the presence of big
domain shifts and outperforming previous state-of-the-art on Office datasets.
|
The Advantage of Cross Entropy over Entropy in Iterative Information
Gathering | Gathering the most information by picking the least amount of data is a
common task in experimental design or when exploring an unknown environment in
reinforcement learning and robotics. A widely used measure for quantifying the
information contained in some distribution of interest is its entropy. Greedily
minimizing the expected entropy is therefore a standard method for choosing
samples in order to gain strong beliefs about the underlying random variables.
We show that this approach is prone to temporally getting stuck in local optima
corresponding to wrongly biased beliefs. We suggest instead maximizing the
expected cross entropy between old and new belief, which aims at challenging
refutable beliefs and thereby avoids these local optima. We show that both
criteria are closely related and that their difference can be traced back to
the asymmetry of the Kullback-Leibler divergence. In illustrative examples as
well as simulated and real-world experiments we demonstrate the advantage of
cross entropy over simple entropy for practical applications.
|
Semi-supervised Classification for Natural Language Processing | Semi-supervised classification is an interesting idea where classification
models are learned from both labeled and unlabeled data. It has several
advantages over supervised classification in natural language processing
domain. For instance, supervised classification exploits only labeled data that
are expensive, often difficult to get, inadequate in quantity, and require
human experts for annotation. On the other hand, unlabeled data are inexpensive
and abundant. Despite the fact that many factors limit the wide-spread use of
semi-supervised classification, it has become popular since its level of
performance is empirically as good as supervised classification. This study
explores the possibilities and achievements as well as complexity and
limitations of semi-supervised classification for several natural langue
processing tasks like parsing, biomedical information processing, text
classification, and summarization.
|
Maximum mutual information regularized classification | In this paper, a novel pattern classification approach is proposed by
regularizing the classifier learning to maximize mutual information between the
classification response and the true class label. We argue that, with the
learned classifier, the uncertainty of the true class label of a data sample
should be reduced by knowing its classification response as much as possible.
The reduced uncertainty is measured by the mutual information between the
classification response and the true class label. To this end, when learning a
linear classifier, we propose to maximize the mutual information between
classification responses and true class labels of training samples, besides
minimizing the classification error and reduc- ing the classifier complexity.
An objective function is constructed by modeling mutual information with
entropy estimation, and it is optimized by a gradi- ent descend method in an
iterative algorithm. Experiments on two real world pattern classification
problems show the significant improvements achieved by maximum mutual
information regularization.
|
Large-scale Online Feature Selection for Ultra-high Dimensional Sparse
Data | Feature selection with large-scale high-dimensional data is important yet
very challenging in machine learning and data mining. Online feature selection
is a promising new paradigm that is more efficient and scalable than batch
feature section methods, but the existing online approaches usually fall short
in their inferior efficacy as compared with batch approaches. In this paper, we
present a novel second-order online feature selection scheme that is simple yet
effective, very fast and extremely scalable to deal with large-scale ultra-high
dimensional sparse data streams. The basic idea is to improve the existing
first-order online feature selection methods by exploiting second-order
information for choosing the subset of important features with high confidence
weights. However, unlike many second-order learning methods that often suffer
from extra high computational cost, we devise a novel smart algorithm for
second-order online feature selection using a MaxHeap-based approach, which is
not only more effective than the existing first-order approaches, but also
significantly more efficient and scalable for large-scale feature selection
with ultra-high dimensional sparse data, as validated from our extensive
experiments. Impressively, on a billion-scale synthetic dataset (1-billion
dimensions, 1-billion nonzero features, and 1-million samples), our new
algorithm took only 8 minutes on a single PC, which is orders of magnitudes
faster than traditional batch approaches. \url{http://arxiv.org/abs/1409.7794}
|
Cognitive Learning of Statistical Primary Patterns via Bayesian Network | In cognitive radio (CR) technology, the trend of sensing is no longer to only
detect the presence of active primary users. A large number of applications
demand for more comprehensive knowledge on primary user behaviors in spatial,
temporal, and frequency domains. To satisfy such requirements, we study the
statistical relationship among primary users by introducing a Bayesian network
(BN) based framework. How to learn such a BN structure is a long standing
issue, not fully understood even in the statistical learning community.
Besides, another key problem in this learning scenario is that the CR has to
identify how many variables are in the BN, which is usually considered as prior
knowledge in statistical learning applications. To solve such two issues
simultaneously, this paper proposes a BN structure learning scheme consisting
of an efficient structure learning algorithm and a blind variable
identification scheme. The proposed approach incurs significantly lower
computational complexity compared with previous ones, and is capable of
determining the structure without assuming much prior knowledge about
variables. With this result, cognitive users could efficiently understand the
statistical pattern of primary networks, such that more efficient cognitive
protocols could be designed across different network layers.
|
Combining human and machine learning for morphological analysis of
galaxy images | The increasing importance of digital sky surveys collecting many millions of
galaxy images has reinforced the need for robust methods that can perform
morphological analysis of large galaxy image databases. Citizen science
initiatives such as Galaxy Zoo showed that large datasets of galaxy images can
be analyzed effectively by non-scientist volunteers, but since databases
generated by robotic telescopes grow much faster than the processing power of
any group of citizen scientists, it is clear that computer analysis is
required. Here we propose to use citizen science data for training machine
learning systems, and show experimental results demonstrating that machine
learning systems can be trained with citizen science data. Our findings show
that the performance of machine learning depends on the quality of the data,
which can be improved by using samples that have a high degree of agreement
between the citizen scientists. The source code of the method is publicly
available.
|
Lazier Than Lazy Greedy | Is it possible to maximize a monotone submodular function faster than the
widely used lazy greedy algorithm (also known as accelerated greedy), both in
theory and practice? In this paper, we develop the first linear-time algorithm
for maximizing a general monotone submodular function subject to a cardinality
constraint. We show that our randomized algorithm, STOCHASTIC-GREEDY, can
achieve a $(1-1/e-\varepsilon)$ approximation guarantee, in expectation, to the
optimum solution in time linear in the size of the data and independent of the
cardinality constraint. We empirically demonstrate the effectiveness of our
algorithm on submodular functions arising in data summarization, including
training large-scale kernel methods, exemplar-based clustering, and sensor
placement. We observe that STOCHASTIC-GREEDY practically achieves the same
utility value as lazy greedy but runs much faster. More surprisingly, we
observe that in many practical scenarios STOCHASTIC-GREEDY does not evaluate
the whole fraction of data points even once and still achieves
indistinguishable results compared to lazy greedy.
|
MoDeep: A Deep Learning Framework Using Motion Features for Human Pose
Estimation | In this work, we propose a novel and efficient method for articulated human
pose estimation in videos using a convolutional network architecture, which
incorporates both color and motion features. We propose a new human body pose
dataset, FLIC-motion, that extends the FLIC dataset with additional motion
features. We apply our architecture to this dataset and report significantly
better performance than current state-of-the-art pose detection systems.
|
The Utility of Text: The Case of Amicus Briefs and the Supreme Court | We explore the idea that authoring a piece of text is an act of maximizing
one's expected utility. To make this idea concrete, we consider the societally
important decisions of the Supreme Court of the United States. Extensive past
work in quantitative political science provides a framework for empirically
modeling the decisions of justices and how they relate to text. We incorporate
into such a model texts authored by amici curiae ("friends of the court"
separate from the litigants) who seek to weigh in on the decision, then
explicitly model their goals in a random utility model. We demonstrate the
benefits of this approach in improved vote prediction and the ability to
perform counterfactual analysis.
|
Adaptive Low-Complexity Sequential Inference for Dirichlet Process
Mixture Models | We develop a sequential low-complexity inference procedure for Dirichlet
process mixtures of Gaussians for online clustering and parameter estimation
when the number of clusters are unknown a-priori. We present an easily
computable, closed form parametric expression for the conditional likelihood,
in which hyperparameters are recursively updated as a function of the streaming
data assuming conjugate priors. Motivated by large-sample asymptotics, we
propose a novel adaptive low-complexity design for the Dirichlet process
concentration parameter and show that the number of classes grow at most at a
logarithmic rate. We further prove that in the large-sample limit, the
conditional likelihood and data predictive distribution become asymptotically
Gaussian. We demonstrate through experiments on synthetic and real data sets
that our approach is superior to other online state-of-the-art methods.
|
A Neural Networks Committee for the Contextual Bandit Problem | This paper presents a new contextual bandit algorithm, NeuralBandit, which
does not need hypothesis on stationarity of contexts and rewards. Several
neural networks are trained to modelize the value of rewards knowing the
context. Two variants, based on multi-experts approach, are proposed to choose
online the parameters of multi-layer perceptrons. The proposed algorithms are
successfully tested on a large dataset with and without stationarity of
rewards.
|
Short-Term Predictability of Photovoltaic Production over Italy | Photovoltaic (PV) power production increased drastically in Europe throughout
the last years. About the 6% of electricity in Italy comes from PV and for an
efficient management of the power grid an accurate and reliable forecasting of
production would be needed. Starting from a dataset of electricity production
of 65 Italian solar plants for the years 2011-2012 we investigate the
possibility to forecast daily production from one to ten days of lead time
without using on site measurements. Our study is divided in two parts: an
assessment of the predictability of meteorological variables using weather
forecasts and an analysis on the application of data-driven modelling in
predicting solar power production. We calibrate a SVM model using available
observations and then we force the same model with the predicted variables from
weather forecasts with a lead time from one to ten days. As expected, solar
power production is strongly influenced by cloudiness and clear sky, in fact we
observe that while during summer we obtain a general error under the 10%
(slightly lower in south Italy), during winter the error is abundantly above
the 20%.
|
Efficient multivariate sequence classification | Kernel-based approaches for sequence classification have been successfully
applied to a variety of domains, including the text categorization, image
classification, speech analysis, biological sequence analysis, time series and
music classification, where they show some of the most accurate results.
Typical kernel functions for sequences in these domains (e.g., bag-of-words,
mismatch, or subsequence kernels) are restricted to {\em discrete univariate}
(i.e. one-dimensional) string data, such as sequences of words in the text
analysis, codeword sequences in the image analysis, or nucleotide or amino acid
sequences in the DNA and protein sequence analysis. However, original sequence
data are often of real-valued multivariate nature, i.e. are not univariate and
discrete as required by typical $k$-mer based sequence kernel functions.
In this work, we consider the problem of the {\em multivariate} sequence
classification such as classification of multivariate music sequences, or
multidimensional protein sequence representations. To this end, we extend {\em
univariate} kernel functions typically used in sequence analysis and propose
efficient {\em multivariate} similarity kernel method (MVDFQ-SK) based on (1) a
direct feature quantization (DFQ) of each sequence dimension in the original
{\em real-valued} multivariate sequences and (2) applying novel multivariate
discrete kernel measures on these multivariate discrete DFQ sequence
representations to more accurately capture similarity relationships among
sequences and improve classification performance.
Experiments using the proposed MVDFQ-SK kernel method show excellent
classification performance on three challenging music classification tasks as
well as protein sequence classification with significant 25-40% improvements
over univariate kernel methods and existing state-of-the-art sequence
classification methods.
|
A Bayesian Tensor Factorization Model via Variational Inference for Link
Prediction | Probabilistic approaches for tensor factorization aim to extract meaningful
structure from incomplete data by postulating low rank constraints. Recently,
variational Bayesian (VB) inference techniques have successfully been applied
to large scale models. This paper presents full Bayesian inference via VB on
both single and coupled tensor factorization models. Our method can be run even
for very large models and is easily implemented. It exhibits better prediction
performance than existing approaches based on maximum likelihood on several
real-world datasets for missing link prediction problem.
|
Arabic Spelling Correction using Supervised Learning | In this work, we address the problem of spelling correction in the Arabic
language utilizing the new corpus provided by QALB (Qatar Arabic Language Bank)
project which is an annotated corpus of sentences with errors and their
corrections. The corpus contains edit, add before, split, merge, add after,
move and other error types. We are concerned with the first four error types as
they contribute more than 90% of the spelling errors in the corpus. The
proposed system has many models to address each error type on its own and then
integrating all the models to provide an efficient and robust system that
achieves an overall recall of 0.59, precision of 0.58 and F1 score of 0.58
including all the error types on the development set. Our system participated
in the QALB 2014 shared task "Automatic Arabic Error Correction" and achieved
an F1 score of 0.6, earning the sixth place out of nine participants.
|
Bayesian and regularization approaches to multivariable linear system
identification: the role of rank penalties | Recent developments in linear system identification have proposed the use of
non-parameteric methods, relying on regularization strategies, to handle the
so-called bias/variance trade-off. This paper introduces an impulse response
estimator which relies on an $\ell_2$-type regularization including a
rank-penalty derived using the log-det heuristic as a smooth approximation to
the rank function. This allows to account for different properties of the
estimated impulse response (e.g. smoothness and stability) while also
penalizing high-complexity models. This also allows to account and enforce
coupling between different input-output channels in MIMO systems. According to
the Bayesian paradigm, the parameters defining the relative weight of the two
regularization terms as well as the structure of the rank penalty are estimated
optimizing the marginal likelihood. Once these hyperameters have been
estimated, the impulse response estimate is available in closed form.
Experiments show that the proposed method is superior to the estimator relying
on the "classic" $\ell_2$-regularization alone as well as those based in atomic
and nuclear norm.
|
Nonstochastic Multi-Armed Bandits with Graph-Structured Feedback | We present and study a partial-information model of online learning, where a
decision maker repeatedly chooses from a finite set of actions, and observes
some subset of the associated losses. This naturally models several situations
where the losses of different actions are related, and knowing the loss of one
action provides information on the loss of other actions. Moreover, it
generalizes and interpolates between the well studied full-information setting
(where all losses are revealed) and the bandit setting (where only the loss of
the action chosen by the player is revealed). We provide several algorithms
addressing different variants of our setting, and provide tight regret bounds
depending on combinatorial properties of the information feedback structure.
|
An agent-driven semantical identifier using radial basis neural networks
and reinforcement learning | Due to the huge availability of documents in digital form, and the deception
possibility raise bound to the essence of digital documents and the way they
are spread, the authorship attribution problem has constantly increased its
relevance. Nowadays, authorship attribution,for both information retrieval and
analysis, has gained great importance in the context of security, trust and
copyright preservation. This work proposes an innovative multi-agent driven
machine learning technique that has been developed for authorship attribution.
By means of a preprocessing for word-grouping and time-period related analysis
of the common lexicon, we determine a bias reference level for the recurrence
frequency of the words within analysed texts, and then train a Radial Basis
Neural Networks (RBPNN)-based classifier to identify the correct author. The
main advantage of the proposed approach lies in the generality of the semantic
analysis, which can be applied to different contexts and lexical domains,
without requiring any modification. Moreover, the proposed system is able to
incorporate an external input, meant to tune the classifier, and then
self-adjust by means of continuous learning reinforcement.
|
Non-myopic learning in repeated stochastic games | In repeated stochastic games (RSGs), an agent must quickly adapt to the
behavior of previously unknown associates, who may themselves be learning. This
machine-learning problem is particularly challenging due, in part, to the
presence of multiple (even infinite) equilibria and inherently large strategy
spaces. In this paper, we introduce a method to reduce the strategy space of
two-player general-sum RSGs to a handful of expert strategies. This process,
called Mega, effectually reduces an RSG to a bandit problem. We show that the
resulting strategy space preserves several important properties of the original
RSG, thus enabling a learner to produce robust strategies within a reasonably
small number of interactions. To better establish strengths and weaknesses of
this approach, we empirically evaluate the resulting learning system against
other algorithms in three different RSGs.
|
A Deep Learning Approach to Data-driven Parameterizations for
Statistical Parametric Speech Synthesis | Nearly all Statistical Parametric Speech Synthesizers today use Mel Cepstral
coefficients as the vocal tract parameterization of the speech signal. Mel
Cepstral coefficients were never intended to work in a parametric speech
synthesis framework, but as yet, there has been little success in creating a
better parameterization that is more suited to synthesis. In this paper, we use
deep learning algorithms to investigate a data-driven parameterization
technique that is designed for the specific requirements of synthesis. We
create an invertible, low-dimensional, noise-robust encoding of the Mel Log
Spectrum by training a tapered Stacked Denoising Autoencoder (SDA). This SDA is
then unwrapped and used as the initialization for a Multi-Layer Perceptron
(MLP). The MLP is fine-tuned by training it to reconstruct the input at the
output layer. This MLP is then split down the middle to form encoding and
decoding networks. These networks produce a parameterization of the Mel Log
Spectrum that is intended to better fulfill the requirements of synthesis.
Results are reported for experiments conducted using this resulting
parameterization with the ClusterGen speech synthesizer.
|
Freshness-Aware Thompson Sampling | To follow the dynamicity of the user's content, researchers have recently
started to model interactions between users and the Context-Aware Recommender
Systems (CARS) as a bandit problem where the system needs to deal with
exploration and exploitation dilemma. In this sense, we propose to study the
freshness of the user's content in CARS through the bandit problem. We
introduce in this paper an algorithm named Freshness-Aware Thompson Sampling
(FA-TS) that manages the recommendation of fresh document according to the
user's risk of the situation. The intensive evaluation and the detailed
analysis of the experimental results reveals several important discoveries in
the exploration/exploitation (exr/exp) behaviour.
|
Data Imputation through the Identification of Local Anomalies | We introduce a comprehensive and statistical framework in a model free
setting for a complete treatment of localized data corruptions due to severe
noise sources, e.g., an occluder in the case of a visual recording. Within this
framework, we propose i) a novel algorithm to efficiently separate, i.e.,
detect and localize, possible corruptions from a given suspicious data instance
and ii) a Maximum A Posteriori (MAP) estimator to impute the corrupted data. As
a generalization to Euclidean distance, we also propose a novel distance
measure, which is based on the ranked deviations among the data attributes and
empirically shown to be superior in separating the corruptions. Our algorithm
first splits the suspicious instance into parts through a binary partitioning
tree in the space of data attributes and iteratively tests those parts to
detect local anomalies using the nominal statistics extracted from an
uncorrupted (clean) reference data set. Once each part is labeled as anomalous
vs normal, the corresponding binary patterns over this tree that characterize
corruptions are identified and the affected attributes are imputed. Under a
certain conditional independency structure assumed for the binary patterns, we
analytically show that the false alarm rate of the introduced algorithm in
detecting the corruptions is independent of the data and can be directly set
without any parameter tuning. The proposed framework is tested over several
well-known machine learning data sets with synthetically generated corruptions;
and experimentally shown to produce remarkable improvements in terms of
classification purposes with strong corruption separation capabilities. Our
experiments also indicate that the proposed algorithms outperform the typical
approaches and are robust to varying training phase conditions.
|
Distributed Detection : Finite-time Analysis and Impact of Network
Topology | This paper addresses the problem of distributed detection in multi-agent
networks. Agents receive private signals about an unknown state of the world.
The underlying state is globally identifiable, yet informative signals may be
dispersed throughout the network. Using an optimization-based framework, we
develop an iterative local strategy for updating individual beliefs. In
contrast to the existing literature which focuses on asymptotic learning, we
provide a finite-time analysis. Furthermore, we introduce a Kullback-Leibler
cost to compare the efficiency of the algorithm to its centralized counterpart.
Our bounds on the cost are expressed in terms of network size, spectral gap,
centrality of each agent and relative entropy of agents' signal structures. A
key observation is that distributing more informative signals to central agents
results in a faster learning rate. Furthermore, optimizing the weights, we can
speed up learning by improving the spectral gap. We also quantify the effect of
link failures on learning speed in symmetric networks. We finally provide
numerical simulations which verify our theoretical results.
|
Riemannian Multi-Manifold Modeling | This paper advocates a novel framework for segmenting a dataset in a
Riemannian manifold $M$ into clusters lying around low-dimensional submanifolds
of $M$. Important examples of $M$, for which the proposed clustering algorithm
is computationally efficient, are the sphere, the set of positive definite
matrices, and the Grassmannian. The clustering problem with these examples of
$M$ is already useful for numerous application domains such as action
identification in video sequences, dynamic texture clustering, brain fiber
segmentation in medical imaging, and clustering of deformed images. The
proposed clustering algorithm constructs a data-affinity matrix by thoroughly
exploiting the intrinsic geometry and then applies spectral clustering. The
intrinsic local geometry is encoded by local sparse coding and more importantly
by directional information of local tangent spaces and geodesics. Theoretical
guarantees are established for a simplified variant of the algorithm even when
the clusters intersect. To avoid complication, these guarantees assume that the
underlying submanifolds are geodesic. Extensive validation on synthetic and
real data demonstrates the resiliency of the proposed method against deviations
from the theoretical model as well as its superior performance over
state-of-the-art techniques.
|
Deep Tempering | Restricted Boltzmann Machines (RBMs) are one of the fundamental building
blocks of deep learning. Approximate maximum likelihood training of RBMs
typically necessitates sampling from these models. In many training scenarios,
computationally efficient Gibbs sampling procedures are crippled by poor
mixing. In this work we propose a novel method of sampling from Boltzmann
machines that demonstrates a computationally efficient way to promote mixing.
Our approach leverages an under-appreciated property of deep generative models
such as the Deep Belief Network (DBN), where Gibbs sampling from deeper levels
of the latent variable hierarchy results in dramatically increased ergodicity.
Our approach is thus to train an auxiliary latent hierarchical model, based on
the DBN. When used in conjunction with parallel-tempering, the method is
asymptotically guaranteed to simulate samples from the target RBM. Experimental
results confirm the effectiveness of this sampling strategy in the context of
RBM training.
|
A Multi-World Approach to Question Answering about Real-World Scenes
based on Uncertain Input | We propose a method for automatically answering questions about images by
bringing together recent advances from natural language processing and computer
vision. We combine discrete reasoning with uncertain predictions by a
multi-world approach that represents uncertainty about the perceived world in a
bayesian framework. Our approach can handle human questions of high complexity
about realistic scenes and replies with range of answer like counts, object
classes, instances and lists of them. The system is directly trained from
question-answer pairs. We establish a first benchmark for this task that can be
seen as a modern attempt at a visual turing test.
|
ASKIT: Approximate Skeletonization Kernel-Independent Treecode in High
Dimensions | We present a fast algorithm for kernel summation problems in high-dimensions.
These problems appear in computational physics, numerical approximation,
non-parametric statistics, and machine learning. In our context, the sums
depend on a kernel function that is a pair potential defined on a dataset of
points in a high-dimensional Euclidean space. A direct evaluation of the sum
scales quadratically with the number of points. Fast kernel summation methods
can reduce this cost to linear complexity, but the constants involved do not
scale well with the dimensionality of the dataset.
The main algorithmic components of fast kernel summation algorithms are the
separation of the kernel sum between near and far field (which is the basis for
pruning) and the efficient and accurate approximation of the far field.
We introduce novel methods for pruning and approximating the far field. Our
far field approximation requires only kernel evaluations and does not use
analytic expansions. Pruning is not done using bounding boxes but rather
combinatorially using a sparsified nearest-neighbor graph of the input. The
time complexity of our algorithm depends linearly on the ambient dimension. The
error in the algorithm depends on the low-rank approximability of the far
field, which in turn depends on the kernel function and on the intrinsic
dimensionality of the distribution of the points. The error of the far field
approximation does not depend on the ambient dimension.
We present the new algorithm along with experimental results that demonstrate
its performance. We report results for Gaussian kernel sums for 100 million
points in 64 dimensions, for one million points in 1000 dimensions, and for
problems in which the Gaussian kernel has a variable bandwidth. To the best of
our knowledge, all of these experiments are impossible or prohibitively
expensive with existing fast kernel summation methods.
|
$\ell_1$-K-SVD: A Robust Dictionary Learning Algorithm With Simultaneous
Update | We develop a dictionary learning algorithm by minimizing the $\ell_1$
distortion metric on the data term, which is known to be robust for
non-Gaussian noise contamination. The proposed algorithm exploits the idea of
iterative minimization of weighted $\ell_2$ error. We refer to this algorithm
as $\ell_1$-K-SVD, where the dictionary atoms and the corresponding sparse
coefficients are simultaneously updated to minimize the $\ell_1$ objective,
resulting in noise-robustness. We demonstrate through experiments that the
$\ell_1$-K-SVD algorithm results in higher atom recovery rate compared with the
K-SVD and the robust dictionary learning (RDL) algorithm proposed by Lu et al.,
both in Gaussian and non-Gaussian noise conditions. We also show that, for
fixed values of sparsity, number of dictionary atoms, and data-dimension, the
$\ell_1$-K-SVD algorithm outperforms the K-SVD and RDL algorithms when the
training set available is small. We apply the proposed algorithm for denoising
natural images corrupted by additive Gaussian and Laplacian noise. The images
denoised using $\ell_1$-K-SVD are observed to have slightly higher peak
signal-to-noise ratio (PSNR) over K-SVD for Laplacian noise, but the
improvement in structural similarity index (SSIM) is significant (approximately
$0.1$) for lower values of input PSNR, indicating the efficacy of the $\ell_1$
metric.
|
Domain adaptation of weighted majority votes via perturbed
variation-based self-labeling | In machine learning, the domain adaptation problem arrives when the test
(target) and the train (source) data are generated from different
distributions. A key applied issue is thus the design of algorithms able to
generalize on a new distribution, for which we have no label information. We
focus on learning classification models defined as a weighted majority vote
over a set of real-val ued functions. In this context, Germain et al. (2013)
have shown that a measure of disagreement between these functions is crucial to
control. The core of this measure is a theoretical bound--the C-bound (Lacasse
et al., 2007)--which involves the disagreement and leads to a well performing
majority vote learning algorithm in usual non-adaptative supervised setting:
MinCq. In this work, we propose a framework to extend MinCq to a domain
adaptation scenario. This procedure takes advantage of the recent perturbed
variation divergence between distributions proposed by Harel and Mannor (2012).
Justified by a theoretical bound on the target risk of the vote, we provide to
MinCq a target sample labeled thanks to a perturbed variation-based
self-labeling focused on the regions where the source and target marginals
appear similar. We also study the influence of our self-labeling, from which we
deduce an original process for tuning the hyperparameters. Finally, our
framework called PV-MinCq shows very promising results on a rotation and
translation synthetic problem.
|
Generalized Low Rank Models | Principal components analysis (PCA) is a well-known technique for
approximating a tabular data set by a low rank matrix. Here, we extend the idea
of PCA to handle arbitrary data sets consisting of numerical, Boolean,
categorical, ordinal, and other data types. This framework encompasses many
well known techniques in data analysis, such as nonnegative matrix
factorization, matrix completion, sparse and robust PCA, $k$-means, $k$-SVD,
and maximum margin matrix factorization. The method handles heterogeneous data
sets, and leads to coherent schemes for compressing, denoising, and imputing
missing entries across all data types simultaneously. It also admits a number
of interesting interpretations of the low rank factors, which allow clustering
of examples or of features. We propose several parallel algorithms for fitting
generalized low rank models, and describe implementations and numerical
results.
|
Scalable Nonlinear Learning with Adaptive Polynomial Expansions | Can we effectively learn a nonlinear representation in time comparable to
linear learning? We describe a new algorithm that explicitly and adaptively
expands higher-order interaction features over base linear representations. The
algorithm is designed for extreme computational efficiency, and an extensive
experimental study shows that its computation/prediction tradeoff ability
compares very favorably against strong baselines.
|
Identification of Dynamic functional brain network states Through Tensor
Decomposition | With the advances in high resolution neuroimaging, there has been a growing
interest in the detection of functional brain connectivity. Complex network
theory has been proposed as an attractive mathematical representation of
functional brain networks. However, most of the current studies of functional
brain networks have focused on the computation of graph theoretic indices for
static networks, i.e. long-time averages of connectivity networks. It is
well-known that functional connectivity is a dynamic process and the
construction and reorganization of the networks is key to understanding human
cognition. Therefore, there is a growing need to track dynamic functional brain
networks and identify time intervals over which the network is
quasi-stationary. In this paper, we present a tensor decomposition based method
to identify temporally invariant 'network states' and find a common topographic
representation for each state. The proposed methods are applied to
electroencephalogram (EEG) data during the study of error-related negativity
(ERN).
|
Deep Sequential Neural Network | Neural Networks sequentially build high-level features through their
successive layers. We propose here a new neural network model where each layer
is associated with a set of candidate mappings. When an input is processed, at
each layer, one mapping among these candidates is selected according to a
sequential decision process. The resulting model is structured according to a
DAG like architecture, so that a path from the root to a leaf node defines a
sequence of transformations. Instead of considering global transformations,
like in classical multilayer networks, this model allows us for learning a set
of local transformations. It is thus able to process data with different
characteristics through specific sequences of such local transformations,
increasing the expression power of this model w.r.t a classical multilayered
network. The learning algorithm is inspired from policy gradient techniques
coming from the reinforcement learning domain and is used here instead of the
classical back-propagation based gradient descent techniques. Experiments on
different datasets show the relevance of this approach.
|
Mapping Energy Landscapes of Non-Convex Learning Problems | In many statistical learning problems, the target functions to be optimized
are highly non-convex in various model spaces and thus are difficult to
analyze. In this paper, we compute \emph{Energy Landscape Maps} (ELMs) which
characterize and visualize an energy function with a tree structure, in which
each leaf node represents a local minimum and each non-leaf node represents the
barrier between adjacent energy basins. The ELM also associates each node with
the estimated probability mass and volume for the corresponding energy basin.
We construct ELMs by adopting the generalized Wang-Landau algorithm and
multi-domain sampler that simulates a Markov chain traversing the model space
by dynamically reweighting the energy function. We construct ELMs in the model
space for two classic statistical learning problems: i) clustering with
Gaussian mixture models or Bernoulli templates; and ii) bi-clustering. We
propose a way to measure the difficulties (or complexity) of these learning
problems and study how various conditions affect the landscape complexity, such
as separability of the clusters, the number of examples, and the level of
supervision; and we also visualize the behaviors of different algorithms, such
as K-mean, EM, two-step EM and Swendsen-Wang cuts, in the energy landscapes.
|
Deep Directed Generative Autoencoders | For discrete data, the likelihood $P(x)$ can be rewritten exactly and
parametrized into $P(X = x) = P(X = x | H = f(x)) P(H = f(x))$ if $P(X | H)$
has enough capacity to put no probability mass on any $x'$ for which $f(x')\neq
f(x)$, where $f(\cdot)$ is a deterministic discrete function. The log of the
first factor gives rise to the log-likelihood reconstruction error of an
autoencoder with $f(\cdot)$ as the encoder and $P(X|H)$ as the (probabilistic)
decoder. The log of the second term can be seen as a regularizer on the encoded
activations $h=f(x)$, e.g., as in sparse autoencoders. Both encoder and decoder
can be represented by a deep neural network and trained to maximize the average
of the optimal log-likelihood $\log p(x)$. The objective is to learn an encoder
$f(\cdot)$ that maps $X$ to $f(X)$ that has a much simpler distribution than
$X$ itself, estimated by $P(H)$. This "flattens the manifold" or concentrates
probability mass in a smaller number of (relevant) dimensions over which the
distribution factorizes. Generating samples from the model is straightforward
using ancestral sampling. One challenge is that regular back-propagation cannot
be used to obtain the gradient on the parameters of the encoder, but we find
that using the straight-through estimator works well here. We also find that
although optimizing a single level of such architecture may be difficult, much
better results can be obtained by pre-training and stacking them, gradually
transforming the data distribution into one that is more easily captured by a
simple parametric model.
|
Deterministic Conditions for Subspace Identifiability from Incomplete
Sampling | Consider a generic $r$-dimensional subspace of $\mathbb{R}^d$, $r<d$, and
suppose that we are only given projections of this subspace onto small subsets
of the canonical coordinates. The paper establishes necessary and sufficient
deterministic conditions on the subsets for subspace identifiability.
|
Term-Weighting Learning via Genetic Programming for Text Classification | This paper describes a novel approach to learning term-weighting schemes
(TWSs) in the context of text classification. In text mining a TWS determines
the way in which documents will be represented in a vector space model, before
applying a classifier. Whereas acceptable performance has been obtained with
standard TWSs (e.g., Boolean and term-frequency schemes), the definition of
TWSs has been traditionally an art. Further, it is still a difficult task to
determine what is the best TWS for a particular problem and it is not clear
yet, whether better schemes, than those currently available, can be generated
by combining known TWS. We propose in this article a genetic program that aims
at learning effective TWSs that can improve the performance of current schemes
in text classification. The genetic program learns how to combine a set of
basic units to give rise to discriminative TWSs. We report an extensive
experimental study comprising data sets from thematic and non-thematic text
classification as well as from image classification. Our study shows the
validity of the proposed method; in fact, we show that TWSs learned with the
genetic program outperform traditional schemes and other TWSs proposed in
recent works. Further, we show that TWSs learned from a specific domain can be
effectively used for other tasks.
|
Proceedings of the second "international Traveling Workshop on
Interactions between Sparse models and Technology" (iTWIST'14) | The implicit objective of the biennial "international - Traveling Workshop on
Interactions between Sparse models and Technology" (iTWIST) is to foster
collaboration between international scientific teams by disseminating ideas
through both specific oral/poster presentations and free discussions. For its
second edition, the iTWIST workshop took place in the medieval and picturesque
town of Namur in Belgium, from Wednesday August 27th till Friday August 29th,
2014. The workshop was conveniently located in "The Arsenal" building within
walking distance of both hotels and town center. iTWIST'14 has gathered about
70 international participants and has featured 9 invited talks, 10 oral
presentations, and 14 posters on the following themes, all related to the
theory, application and generalization of the "sparsity paradigm":
Sparsity-driven data sensing and processing; Union of low dimensional
subspaces; Beyond linear and convex inverse problem; Matrix/manifold/graph
sensing/processing; Blind inverse problems and dictionary learning; Sparsity
and computational neuroscience; Information theory, geometry and randomness;
Complexity/accuracy tradeoffs in numerical methods; Sparsity? What's next?;
Sparse machine learning and inference.
|
HD-CNN: Hierarchical Deep Convolutional Neural Network for Large Scale
Visual Recognition | In image classification, visual separability between different object
categories is highly uneven, and some categories are more difficult to
distinguish than others. Such difficult categories demand more dedicated
classifiers. However, existing deep convolutional neural networks (CNN) are
trained as flat N-way classifiers, and few efforts have been made to leverage
the hierarchical structure of categories. In this paper, we introduce
hierarchical deep CNNs (HD-CNNs) by embedding deep CNNs into a category
hierarchy. An HD-CNN separates easy classes using a coarse category classifier
while distinguishing difficult classes using fine category classifiers. During
HD-CNN training, component-wise pretraining is followed by global finetuning
with a multinomial logistic loss regularized by a coarse category consistency
term. In addition, conditional executions of fine category classifiers and
layer parameter compression make HD-CNNs scalable for large-scale visual
recognition. We achieve state-of-the-art results on both CIFAR100 and
large-scale ImageNet 1000-class benchmark datasets. In our experiments, we
build up three different HD-CNNs and they lower the top-1 error of the standard
CNNs by 2.65%, 3.1% and 1.1%, respectively.
|
Generalized Laguerre Reduction of the Volterra Kernel for Practical
Identification of Nonlinear Dynamic Systems | The Volterra series can be used to model a large subset of nonlinear, dynamic
systems. A major drawback is the number of coefficients required model such
systems. In order to reduce the number of required coefficients, Laguerre
polynomials are used to estimate the Volterra kernels. Existing literature
proposes algorithms for a fixed number of Volterra kernels, and Laguerre
series. This paper presents a novel algorithm for generalized calculation of
the finite order Volterra-Laguerre (VL) series for a MIMO system. An example
addresses the utility of the algorithm in practical application.
|
cuDNN: Efficient Primitives for Deep Learning | We present a library of efficient implementations of deep learning
primitives. Deep learning workloads are computationally intensive, and
optimizing their kernels is difficult and time-consuming. As parallel
architectures evolve, kernels must be reoptimized, which makes maintaining
codebases difficult over time. Similar issues have long been addressed in the
HPC community by libraries such as the Basic Linear Algebra Subroutines (BLAS).
However, there is no analogous library for deep learning. Without such a
library, researchers implementing deep learning workloads on parallel
processors must create and optimize their own implementations of the main
computational kernels, and this work must be repeated as new parallel
processors emerge. To address this problem, we have created a library similar
in intent to BLAS, with optimized routines for deep learning workloads. Our
implementation contains routines for GPUs, although similarly to the BLAS
library, these routines could be implemented for other platforms. The library
is easy to integrate into existing frameworks, and provides optimized
performance and memory usage. For example, integrating cuDNN into Caffe, a
popular framework for convolutional networks, improves performance by 36% on a
standard model while also reducing memory consumption.
|
SimNets: A Generalization of Convolutional Networks | We present a deep layered architecture that generalizes classical
convolutional neural networks (ConvNets). The architecture, called SimNets, is
driven by two operators, one being a similarity function whose family contains
the convolution operator used in ConvNets, and the other is a new soft
max-min-mean operator called MEX that realizes classical operators like ReLU
and max pooling, but has additional capabilities that make SimNets a powerful
generalization of ConvNets. Three interesting properties emerge from the
architecture: (i) the basic input to hidden layer to output machinery contains
as special cases kernel machines with the Exponential and Generalized Gaussian
kernels, the output units being "neurons in feature space" (ii) in its general
form, the basic machinery has a higher abstraction level than kernel machines,
and (iii) initializing networks using unsupervised learning is natural.
Experiments demonstrate the capability of achieving state of the art accuracy
with networks that are an order of magnitude smaller than comparable ConvNets.
|
Probit Normal Correlated Topic Models | The logistic normal distribution has recently been adapted via the
transformation of multivariate Gaus- sian variables to model the topical
distribution of documents in the presence of correlations among topics. In this
paper, we propose a probit normal alternative approach to modelling correlated
topical structures. Our use of the probit model in the context of topic
discovery is novel, as many authors have so far con- centrated solely of the
logistic model partly due to the formidable inefficiency of the multinomial
probit model even in the case of very small topical spaces. We herein
circumvent the inefficiency of multinomial probit estimation by using an
adaptation of the diagonal orthant multinomial probit in the topic models
context, resulting in the ability of our topic modelling scheme to handle
corpuses with a large number of latent topics. An additional and very important
benefit of our method lies in the fact that unlike with the logistic normal
model whose non-conjugacy leads to the need for sophisticated sampling schemes,
our ap- proach exploits the natural conjugacy inherent in the auxiliary
formulation of the probit model to achieve greater simplicity. The application
of our proposed scheme to a well known Associated Press corpus not only helps
discover a large number of meaningful topics but also reveals the capturing of
compellingly intuitive correlations among certain topics. Besides, our proposed
approach lends itself to even further scalability thanks to various existing
high performance algorithms and architectures capable of handling millions of
documents.
|
Tight Regret Bounds for Stochastic Combinatorial Semi-Bandits | A stochastic combinatorial semi-bandit is an online learning problem where at
each step a learning agent chooses a subset of ground items subject to
constraints, and then observes stochastic weights of these items and receives
their sum as a payoff. In this paper, we close the problem of computationally
and sample efficient learning in stochastic combinatorial semi-bandits. In
particular, we analyze a UCB-like algorithm for solving the problem, which is
known to be computationally efficient; and prove $O(K L (1 / \Delta) \log n)$
and $O(\sqrt{K L n \log n})$ upper bounds on its $n$-step regret, where $L$ is
the number of ground items, $K$ is the maximum number of chosen items, and
$\Delta$ is the gap between the expected returns of the optimal and best
suboptimal solutions. The gap-dependent bound is tight up to a constant factor
and the gap-free bound is tight up to a polylogarithmic factor.
|
Minimax Analysis of Active Learning | This work establishes distribution-free upper and lower bounds on the minimax
label complexity of active learning with general hypothesis classes, under
various noise models. The results reveal a number of surprising facts. In
particular, under the noise model of Tsybakov (2004), the minimax label
complexity of active learning with a VC class is always asymptotically smaller
than that of passive learning, and is typically significantly smaller than the
best previously-published upper bounds in the active learning literature. In
high-noise regimes, it turns out that all active learning problems of a given
VC dimension have roughly the same minimax label complexity, which contrasts
with well-known results for bounded noise. In low-noise regimes, we find that
the label complexity is well-characterized by a simple combinatorial complexity
measure we call the star number. Interestingly, we find that almost all of the
complexity measures previously explored in the active learning literature have
worst-case values exactly equal to the star number. We also propose new active
learning strategies that nearly achieve these minimax label complexities.
|
Gamma Processes, Stick-Breaking, and Variational Inference | While most Bayesian nonparametric models in machine learning have focused on
the Dirichlet process, the beta process, or their variants, the gamma process
has recently emerged as a useful nonparametric prior in its own right. Current
inference schemes for models involving the gamma process are restricted to
MCMC-based methods, which limits their scalability. In this paper, we present a
variational inference framework for models involving gamma process priors. Our
approach is based on a novel stick-breaking constructive definition of the
gamma process. We prove correctness of this stick-breaking process by using the
characterization of the gamma process as a completely random measure (CRM), and
we explicitly derive the rate measure of our construction using Poisson process
machinery. We also derive error bounds on the truncation of the infinite
process required for variational inference, similar to the truncation analyses
for other nonparametric models based on the Dirichlet and beta processes. Our
representation is then used to derive a variational inference algorithm for a
particular Bayesian nonparametric latent structure formulation known as the
infinite Gamma-Poisson model, where the latent variables are drawn from a gamma
process prior with Poisson likelihoods. Finally, we present results for our
algorithms on nonnegative matrix factorization tasks on document corpora, and
show that we compare favorably to both sampling-based techniques and
variational approaches based on beta-Bernoulli priors.
|
Explain Images with Multimodal Recurrent Neural Networks | In this paper, we present a multimodal Recurrent Neural Network (m-RNN) model
for generating novel sentence descriptions to explain the content of images. It
directly models the probability distribution of generating a word given
previous words and the image. Image descriptions are generated by sampling from
this distribution. The model consists of two sub-networks: a deep recurrent
neural network for sentences and a deep convolutional network for images. These
two sub-networks interact with each other in a multimodal layer to form the
whole m-RNN model. The effectiveness of our model is validated on three
benchmark datasets (IAPR TC-12, Flickr 8K, and Flickr 30K). Our model
outperforms the state-of-the-art generative method. In addition, the m-RNN
model can be applied to retrieval tasks for retrieving images or sentences, and
achieves significant performance improvement over the state-of-the-art methods
which directly optimize the ranking objective function for retrieval.
|
Online Ranking with Top-1 Feedback | We consider a setting where a system learns to rank a fixed set of $m$ items.
The goal is produce good item rankings for users with diverse interests who
interact online with the system for $T$ rounds. We consider a novel top-$1$
feedback model: at the end of each round, the relevance score for only the top
ranked object is revealed. However, the performance of the system is judged on
the entire ranked list. We provide a comprehensive set of results regarding
learnability under this challenging setting. For PairwiseLoss and DCG, two
popular ranking measures, we prove that the minimax regret is
$\Theta(T^{2/3})$. Moreover, the minimax regret is achievable using an
efficient strategy that only spends $O(m \log m)$ time per round. The same
efficient strategy achieves $O(T^{2/3})$ regret for Precision@$k$.
Surprisingly, we show that for normalized versions of these ranking measures,
i.e., AUC, NDCG \& MAP, no online ranking algorithm can have sublinear regret.
|
On the Computational Efficiency of Training Neural Networks | It is well-known that neural networks are computationally hard to train. On
the other hand, in practice, modern day neural networks are trained efficiently
using SGD and a variety of tricks that include different activation functions
(e.g. ReLU), over-specification (i.e., train networks which are larger than
needed), and regularization. In this paper we revisit the computational
complexity of training neural networks from a modern perspective. We provide
both positive and negative results, some of them yield new provably efficient
and practical algorithms for training certain types of neural networks.
|
Understanding Locally Competitive Networks | Recently proposed neural network activation functions such as rectified
linear, maxout, and local winner-take-all have allowed for faster and more
effective training of deep neural architectures on large and complex datasets.
The common trait among these functions is that they implement local competition
between small groups of computational units within a layer, so that only part
of the network is activated for any given input pattern. In this paper, we
attempt to visualize and understand this self-modularization, and suggest a
unified explanation for the beneficial properties of such networks. We also
show how our insights can be directly useful for efficiently performing
retrieval over large datasets using neural networks.
|
Interactive Fingerprinting Codes and the Hardness of Preventing False
Discovery | We show an essentially tight bound on the number of adaptively chosen
statistical queries that a computationally efficient algorithm can answer
accurately given $n$ samples from an unknown distribution. A statistical query
asks for the expectation of a predicate over the underlying distribution, and
an answer to a statistical query is accurate if it is "close" to the correct
expectation over the distribution. This question was recently studied by Dwork
et al., who showed how to answer $\tilde{\Omega}(n^2)$ queries efficiently, and
also by Hardt and Ullman, who showed that answering $\tilde{O}(n^3)$ queries is
hard. We close the gap between the two bounds and show that, under a standard
hardness assumption, there is no computationally efficient algorithm that,
given $n$ samples from an unknown distribution, can give valid answers to
$O(n^2)$ adaptively chosen statistical queries. An implication of our results
is that computationally efficient algorithms for answering arbitrary,
adaptively chosen statistical queries may as well be differentially private.
We obtain our results using a new connection between the problem of answering
adaptively chosen statistical queries and a combinatorial object called an
interactive fingerprinting code. In order to optimize our hardness result, we
give a new Fourier-analytic approach to analyzing fingerprinting codes that is
simpler, more flexible, and yields better parameters than previous
constructions.
|
Top Rank Optimization in Linear Time | Bipartite ranking aims to learn a real-valued ranking function that orders
positive instances before negative instances. Recent efforts of bipartite
ranking are focused on optimizing ranking accuracy at the top of the ranked
list. Most existing approaches are either to optimize task specific metrics or
to extend the ranking loss by emphasizing more on the error associated with the
top ranked instances, leading to a high computational cost that is super-linear
in the number of training instances. We propose a highly efficient approach,
titled TopPush, for optimizing accuracy at the top that has computational
complexity linear in the number of training instances. We present a novel
analysis that bounds the generalization error for the top ranked instances for
the proposed approach. Empirical study shows that the proposed approach is
highly competitive to the state-of-the-art approaches and is 10-100 times
faster.
|
Stochastic Discriminative EM | Stochastic discriminative EM (sdEM) is an online-EM-type algorithm for
discriminative training of probabilistic generative models belonging to the
exponential family. In this work, we introduce and justify this algorithm as a
stochastic natural gradient descent method, i.e. a method which accounts for
the information geometry in the parameter space of the statistical model. We
show how this learning algorithm can be used to train probabilistic generative
models by minimizing different discriminative loss functions, such as the
negative conditional log-likelihood and the Hinge loss. The resulting models
trained by sdEM are always generative (i.e. they define a joint probability
distribution) and, in consequence, allows to deal with missing data and latent
variables in a principled way either when being learned or when making
predictions. The performance of this method is illustrated by several text
classification problems for which a multinomial naive Bayes and a latent
Dirichlet allocation based classifier are learned using different
discriminative loss functions.
|
GLAD: Group Anomaly Detection in Social Media Analysis- Extended
Abstract | Traditional anomaly detection on social media mostly focuses on individual
point anomalies while anomalous phenomena usually occur in groups. Therefore it
is valuable to study the collective behavior of individuals and detect group
anomalies. Existing group anomaly detection approaches rely on the assumption
that the groups are known, which can hardly be true in real world social media
applications. In this paper, we take a generative approach by proposing a
hierarchical Bayes model: Group Latent Anomaly Detection (GLAD) model. GLAD
takes both pair-wise and point-wise data as input, automatically infers the
groups and detects group anomalies simultaneously. To account for the dynamic
properties of the social media data, we further generalize GLAD to its dynamic
extension d-GLAD. We conduct extensive experiments to evaluate our models on
both synthetic and real world datasets. The empirical results demonstrate that
our approach is effective and robust in discovering latent groups and detecting
group anomalies.
|
Supervised learning Methods for Bangla Web Document Categorization | This paper explores the use of machine learning approaches, or more
specifically, four supervised learning Methods, namely Decision Tree(C 4.5),
K-Nearest Neighbour (KNN), Na\"ive Bays (NB), and Support Vector Machine (SVM)
for categorization of Bangla web documents. This is a task of automatically
sorting a set of documents into categories from a predefined set. Whereas a
wide range of methods have been applied to English text categorization,
relatively few studies have been conducted on Bangla language text
categorization. Hence, we attempt to analyze the efficiency of those four
methods for categorization of Bangla documents. In order to validate, Bangla
corpus from various websites has been developed and used as examples for the
experiment. For Bangla, empirical results support that all four methods produce
satisfactory performance with SVM attaining good result in terms of high
dimensional and relatively noisy document feature vectors.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.