title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Doubly Stochastic Primal-Dual Coordinate Method for Bilinear
Saddle-Point Problem | We propose a doubly stochastic primal-dual coordinate optimization algorithm
for empirical risk minimization, which can be formulated as a bilinear
saddle-point problem. In each iteration, our method randomly samples a block of
coordinates of the primal and dual solutions to update. The linear convergence
of our method could be established in terms of 1) the distance from the current
iterate to the optimal solution and 2) the primal-dual objective gap. We show
that the proposed method has a lower overall complexity than existing
coordinate methods when either the data matrix has a factorized structure or
the proximal mapping on each block is computationally expensive, e.g.,
involving an eigenvalue decomposition. The efficiency of the proposed method is
confirmed by empirical studies on several real applications, such as the
multi-task large margin nearest neighbor problem.
|
Reward Shaping with Recurrent Neural Networks for Speeding up On-Line
Policy Learning in Spoken Dialogue Systems | Statistical spoken dialogue systems have the attractive property of being
able to be optimised from data via interactions with real users. However in the
reinforcement learning paradigm the dialogue manager (agent) often requires
significant time to explore the state-action space to learn to behave in a
desirable manner. This is a critical issue when the system is trained on-line
with real users where learning costs are expensive. Reward shaping is one
promising technique for addressing these concerns. Here we examine three
recurrent neural network (RNN) approaches for providing reward shaping
information in addition to the primary (task-orientated) environmental
feedback. These RNNs are trained on returns from dialogues generated by a
simulated user and attempt to diffuse the overall evaluation of the dialogue
back down to the turn level to guide the agent towards good behaviour faster.
In both simulated and real user scenarios these RNNs are shown to increase
policy learning speed. Importantly, they do not require prior knowledge of the
user's goal.
|
End-to-end Learning of LDA by Mirror-Descent Back Propagation over a
Deep Architecture | We develop a fully discriminative learning approach for supervised Latent
Dirichlet Allocation (LDA) model using Back Propagation (i.e., BP-sLDA), which
maximizes the posterior probability of the prediction variable given the input
document. Different from traditional variational learning or Gibbs sampling
approaches, the proposed learning method applies (i) the mirror descent
algorithm for maximum a posterior inference and (ii) back propagation over a
deep architecture together with stochastic gradient/mirror descent for model
parameter estimation, leading to scalable and end-to-end discriminative
learning of the model. As a byproduct, we also apply this technique to develop
a new learning method for the traditional unsupervised LDA model (i.e.,
BP-LDA). Experimental results on three real-world regression and classification
tasks show that the proposed methods significantly outperform the previous
supervised topic models, neural networks, and is on par with deep neural
networks.
|
Emphatic TD Bellman Operator is a Contraction | Recently, \citet{SuttonMW15} introduced the emphatic temporal differences
(ETD) algorithm for off-policy evaluation in Markov decision processes. In this
short note, we show that the projected fixed-point equation that underlies ETD
involves a contraction operator, with a $\sqrt{\gamma}$-contraction modulus
(where $\gamma$ is the discount factor). This allows us to provide error bounds
on the approximation error of ETD. To our knowledge, these are the first error
bounds for an off-policy evaluation algorithm under general target and behavior
policies.
|
Hierarchical Models as Marginals of Hierarchical Models | We investigate the representation of hierarchical models in terms of
marginals of other hierarchical models with smaller interactions. We focus on
binary variables and marginals of pairwise interaction models whose hidden
variables are conditionally independent given the visible variables. In this
case the problem is equivalent to the representation of linear subspaces of
polynomials by feedforward neural networks with soft-plus computational units.
We show that every hidden variable can freely model multiple interactions among
the visible variables, which allows us to generalize and improve previous
results. In particular, we show that a restricted Boltzmann machine with less
than $[ 2(\log(v)+1) / (v+1) ] 2^v-1$ hidden binary variables can approximate
every distribution of $v$ visible binary variables arbitrarily well, compared
to $2^{v-1}-1$ from the best previously known result.
|
Towards an Axiomatic Approach to Hierarchical Clustering of Measures | We propose some axioms for hierarchical clustering of probability measures
and investigate their ramifications. The basic idea is to let the user
stipulate the clusters for some elementary measures. This is done without the
need of any notion of metric, similarity or dissimilarity. Our main results
then show that for each suitable choice of user-defined clustering on
elementary measures we obtain a unique notion of clustering on a large set of
distributions satisfying a set of additivity and continuity axioms. We
illustrate the developed theory by numerous examples including some with and
some without a density.
|
Classifying Relations via Long Short Term Memory Networks along Shortest
Dependency Path | Relation classification is an important research arena in the field of
natural language processing (NLP). In this paper, we present SDP-LSTM, a novel
neural network to classify the relation of two entities in a sentence. Our
neural architecture leverages the shortest dependency path (SDP) between two
entities; multichannel recurrent neural networks, with long short term memory
(LSTM) units, pick up heterogeneous information along the SDP. Our proposed
model has several distinct features: (1) The shortest dependency paths retain
most relevant information (to relation classification), while eliminating
irrelevant words in the sentence. (2) The multichannel LSTM networks allow
effective information integration from heterogeneous sources over the
dependency paths. (3) A customized dropout strategy regularizes the neural
network to alleviate overfitting. We test our model on the SemEval 2010
relation classification task, and achieve an $F_1$-score of 83.7\%, higher than
competing methods in the literature.
|
A Comparative Study on Regularization Strategies for Embedding-based
Neural Networks | This paper aims to compare different regularization strategies to address a
common phenomenon, severe overfitting, in embedding-based neural networks for
NLP. We chose two widely studied neural models and tasks as our testbed. We
tried several frequently applied or newly proposed regularization strategies,
including penalizing weights (embeddings excluded), penalizing embeddings,
re-embedding words, and dropout. We also emphasized on incremental
hyperparameter tuning, and combining different regularizations. The results
provide a picture on tuning hyperparameters for neural NLP models.
|
A Generative Word Embedding Model and its Low Rank Positive Semidefinite
Solution | Most existing word embedding methods can be categorized into Neural Embedding
Models and Matrix Factorization (MF)-based methods. However some models are
opaque to probabilistic interpretation, and MF-based methods, typically solved
using Singular Value Decomposition (SVD), may incur loss of corpus information.
In addition, it is desirable to incorporate global latent factors, such as
topics, sentiments or writing styles, into the word embedding model. Since
generative models provide a principled way to incorporate latent factors, we
propose a generative word embedding model, which is easy to interpret, and can
serve as a basis of more sophisticated latent factor models. The model
inference reduces to a low rank weighted positive semidefinite approximation
problem. Its optimization is approached by eigendecomposition on a submatrix,
followed by online blockwise regression, which is scalable and avoids the
information loss in SVD. In experiments on 7 common benchmark datasets, our
vectors are competitive to word2vec, and better than other MF-based methods.
|
Schema Independent Relational Learning | Learning novel concepts and relations from relational databases is an
important problem with many applications in database systems and machine
learning. Relational learning algorithms learn the definition of a new relation
in terms of existing relations in the database. Nevertheless, the same data set
may be represented under different schemas for various reasons, such as
efficiency, data quality, and usability. Unfortunately, the output of current
relational learning algorithms tends to vary quite substantially over the
choice of schema, both in terms of learning accuracy and efficiency. This
variation complicates their off-the-shelf application. In this paper, we
introduce and formalize the property of schema independence of relational
learning algorithms, and study both the theoretical and empirical dependence of
existing algorithms on the common class of (de) composition schema
transformations. We study both sample-based learning algorithms, which learn
from sets of labeled examples, and query-based algorithms, which learn by
asking queries to an oracle. We prove that current relational learning
algorithms are generally not schema independent. For query-based learning
algorithms we show that the (de) composition transformations influence their
query complexity. We propose Castor, a sample-based relational learning
algorithm that achieves schema independence by leveraging data dependencies. We
support the theoretical results with an empirical study that demonstrates the
schema dependence/independence of several algorithms on existing benchmark and
real-world datasets under (de) compositions.
|
Online Representation Learning in Recurrent Neural Language Models | We investigate an extension of continuous online learning in recurrent neural
network language models. The model keeps a separate vector representation of
the current unit of text being processed and adaptively adjusts it after each
prediction. The initial experiments give promising results, indicating that the
method is able to increase language modelling accuracy, while also decreasing
the parameters needed to store the model along with the computation required at
each step.
|
Two-stage Cascaded Classifier for Purchase Prediction | In this paper we describe our machine learning solution for the RecSys
Challenge, 2015. We have proposed a time efficient two-stage cascaded
classifier for the prediction of buy sessions and purchased items within such
sessions. Based on the model, several interesting features found, and formation
of our own test bed, we have achieved a reasonable score. Usage of Random
Forests helps us to cope with the effect of the multiplicity of good models
depending on varying subsets of features in the purchased items prediction and,
in its turn, boosting is used as a suitable technique to overcome severe class
imbalance of the buy-session prediction.
|
Predicting Grades | To increase efficacy in traditional classroom courses as well as in Massive
Open Online Courses (MOOCs), automated systems supporting the instructor are
needed. One important problem is to automatically detect students that are
going to do poorly in a course early enough to be able to take remedial
actions. Existing grade prediction systems focus on maximizing the accuracy of
the prediction while overseeing the importance of issuing timely and
personalized predictions. This paper proposes an algorithm that predicts the
final grade of each student in a class. It issues a prediction for each student
individually, when the expected accuracy of the prediction is sufficient. The
algorithm learns online what is the optimal prediction and time to issue a
prediction based on past history of students' performance in a course. We
derive a confidence estimate for the prediction accuracy and demonstrate the
performance of our algorithm on a dataset obtained based on the performance of
approximately 700 UCLA undergraduate students who have taken an introductory
digital signal processing over the past 7 years. We demonstrate that for 85% of
the students we can predict with 76% accuracy whether they are going do well or
poorly in the class after the 4th course week. Using data obtained from a pilot
course, our methodology suggests that it is effective to perform early in-class
assessments such as quizzes, which result in timely performance prediction for
each student, thereby enabling timely interventions by the instructor (at the
student or class level) when necessary.
|
Using a Machine Learning Approach to Implement and Evaluate Product Line
Features | Bike-sharing systems are a means of smart transportation in urban
environments with the benefit of a positive impact on urban mobility. In this
paper we are interested in studying and modeling the behavior of features that
permit the end user to access, with her/his web browser, the status of the
Bike-Sharing system. In particular, we address features able to make a
prediction on the system state. We propose to use a machine learning approach
to analyze usage patterns and learn computational models of such features from
logs of system usage.
On the one hand, machine learning methodologies provide a powerful and
general means to implement a wide choice of predictive features. On the other
hand, trained machine learning models are provided with a measure of predictive
performance that can be used as a metric to assess the cost-performance
trade-off of the feature. This provides a principled way to assess the runtime
behavior of different components before putting them into operation.
|
Owl and Lizard: Patterns of Head Pose and Eye Pose in Driver Gaze
Classification | Accurate, robust, inexpensive gaze tracking in the car can help keep a driver
safe by facilitating the more effective study of how to improve (1) vehicle
interfaces and (2) the design of future Advanced Driver Assistance Systems. In
this paper, we estimate head pose and eye pose from monocular video using
methods developed extensively in prior work and ask two new interesting
questions. First, how much better can we classify driver gaze using head and
eye pose versus just using head pose? Second, are there individual-specific
gaze strategies that strongly correlate with how much gaze classification
improves with the addition of eye pose information? We answer these questions
by evaluating data drawn from an on-road study of 40 drivers. The main insight
of the paper is conveyed through the analogy of an "owl" and "lizard" which
describes the degree to which the eyes and the head move when shifting gaze.
When the head moves a lot ("owl"), not much classification improvement is
attained by estimating eye pose on top of head pose. On the other hand, when
the head stays still and only the eyes move ("lizard"), classification accuracy
increases significantly from adding in eye pose. We characterize how that
accuracy varies between people, gaze strategies, and gaze regions.
|
A Generative Model for Multi-Dialect Representation | In the era of deep learning several unsupervised models have been developed
to capture the key features in unlabeled handwritten data. Popular among them
is the Restricted Boltzmann Machines RBM. However, due to the novelty in
handwritten multidialect data, the RBM may fail to generate an efficient
representation. In this paper we propose a generative model, the Mode
Synthesizing Machine MSM for on-line representation of real life handwritten
multidialect language data. The MSM takes advantage of the hierarchical
representation of the modes of a data distribution using a two-point error
update to learn a sequence of representative multidialects in a generative way.
Experiments were performed to evaluate the performance of the MSM over the RBM
with the former attaining much lower error values than the latter on both
independent and mixed data set.
|
A Deep Learning Approach to Structured Signal Recovery | In this paper, we develop a new framework for sensing and recovering
structured signals. In contrast to compressive sensing (CS) systems that employ
linear measurements, sparse representations, and computationally complex
convex/greedy algorithms, we introduce a deep learning framework that supports
both linear and mildly nonlinear measurements, that learns a structured
representation from training data, and that efficiently computes a signal
estimate. In particular, we apply a stacked denoising autoencoder (SDA), as an
unsupervised feature learner. SDA enables us to capture statistical
dependencies between the different elements of certain signals and improve
signal recovery performance as compared to the CS approach.
|
Evaluating Classifiers in Detecting 419 Scams in Bilingual Cybercriminal
Communities | Incidents of organized cybercrime are rising because of criminals are reaping
high financial rewards while incurring low costs to commit crime. As the
digital landscape broadens to accommodate more internet-enabled devices and
technologies like social media, more cybercriminals who are not native English
speakers are invading cyberspace to cash in on quick exploits. In this paper we
evaluate the performance of three machine learning classifiers in detecting 419
scams in a bilingual Nigerian cybercriminal community. We use three popular
classifiers in text processing namely: Na\"ive Bayes, k-nearest neighbors (IBK)
and Support Vector Machines (SVM). The preliminary results on a real world
dataset reveal the SVM significantly outperforms Na\"ive Bayes and IBK at 95%
confidence level.
|
Distributed Deep Q-Learning | We propose a distributed deep learning model to successfully learn control
policies directly from high-dimensional sensory input using reinforcement
learning. The model is based on the deep Q-network, a convolutional neural
network trained with a variant of Q-learning. Its input is raw pixels and its
output is a value function estimating future rewards from taking an action
given a system state. To distribute the deep Q-network training, we adapt the
DistBelief software framework to the context of efficiently training
reinforcement learning agents. As a result, the method is completely
asynchronous and scales well with the number of machines. We demonstrate that
the deep Q-network agent, receiving only the pixels and the game score as
inputs, was able to achieve reasonable success on a simple game with minimal
parameter tuning.
|
Zero-Truncated Poisson Tensor Factorization for Massive Binary Tensors | We present a scalable Bayesian model for low-rank factorization of massive
tensors with binary observations. The proposed model has the following key
properties: (1) in contrast to the models based on the logistic or probit
likelihood, using a zero-truncated Poisson likelihood for binary data allows
our model to scale up in the number of \emph{ones} in the tensor, which is
especially appealing for massive but sparse binary tensors; (2)
side-information in form of binary pairwise relationships (e.g., an adjacency
network) between objects in any tensor mode can also be leveraged, which can be
especially useful in "cold-start" settings; and (3) the model admits simple
Bayesian inference via batch, as well as \emph{online} MCMC; the latter allows
scaling up even for \emph{dense} binary data (i.e., when the number of ones in
the tensor/network is also massive). In addition, non-negative factor matrices
in our model provide easy interpretability, and the tensor rank can be inferred
from the data. We evaluate our model on several large-scale real-world binary
tensors, achieving excellent computational scalability, and also demonstrate
its usefulness in leveraging side-information provided in form of
mode-network(s).
|
Scalable Bayesian Non-Negative Tensor Factorization for Massive Count
Data | We present a Bayesian non-negative tensor factorization model for
count-valued tensor data, and develop scalable inference algorithms (both batch
and online) for dealing with massive tensors. Our generative model can handle
overdispersed counts as well as infer the rank of the decomposition. Moreover,
leveraging a reparameterization of the Poisson distribution as a multinomial
facilitates conjugacy in the model and enables simple and efficient Gibbs
sampling and variational Bayes (VB) inference updates, with a computational
cost that only depends on the number of nonzeros in the tensor. The model also
provides a nice interpretability for the factors; in our model, each factor
corresponds to a "topic". We develop a set of online inference algorithms that
allow further scaling up the model to massive tensors, for which batch
inference methods may be infeasible. We apply our framework on diverse
real-world applications, such as \emph{multiway} topic modeling on a scientific
publications database, analyzing a political science data set, and analyzing a
massive household transactions data set.
|
Supervised learning of sparse context reconstruction coefficients for
data representation and classification | Context of data points, which is usually defined as the other data points in
a data set, has been found to play important roles in data representation and
classification. In this paper, we study the problem of using context of a data
point for its classification problem. Our work is inspired by the observation
that actually only very few data points are critical in the context of a data
point for its representation and classification. We propose to represent a data
point as the sparse linear combination of its context, and learn the sparse
context in a supervised way to increase its discriminative ability. To this
end, we proposed a novel formulation for context learning, by modeling the
learning of context parameter and classifier in a unified objective, and
optimizing it with an alternative strategy in an iterative algorithm.
Experiments on three benchmark data set show its advantage over
state-of-the-art context-based data representation and classification methods.
|
Deep clustering: Discriminative embeddings for segmentation and
separation | We address the problem of acoustic source separation in a deep learning
framework we call "deep clustering." Rather than directly estimating signals or
masking functions, we train a deep network to produce spectrogram embeddings
that are discriminative for partition labels given in training data. Previous
deep network approaches provide great advantages in terms of learning power and
speed, but previously it has been unclear how to use them to separate signals
in a class-independent way. In contrast, spectral clustering approaches are
flexible with respect to the classes and number of items to be segmented, but
it has been unclear how to leverage the learning power and speed of deep
networks. To obtain the best of both worlds, we use an objective function that
to train embeddings that yield a low-rank approximation to an ideal pairwise
affinity matrix, in a class-independent way. This avoids the high cost of
spectral factorization and instead produces compact clusters that are amenable
to simple clustering methods. The segmentations are therefore implicitly
encoded in the embeddings, and can be "decoded" by clustering. Preliminary
experiments show that the proposed method can separate speech: when trained on
spectrogram features containing mixtures of two speakers, and tested on
mixtures of a held-out set of speakers, it can infer masking functions that
improve signal quality by around 6dB. We show that the model can generalize to
three-speaker mixtures despite training only on two-speaker mixtures. The
framework can be used without class labels, and therefore has the potential to
be trained on a diverse set of sound types, and to generalize to novel sources.
We hope that future work will lead to segmentation of arbitrary sounds, with
extensions to microphone array methods as well as image segmentation and other
domains.
|
Cascade Learning by Optimally Partitioning | Cascaded AdaBoost classifier is a well-known efficient object detection
algorithm. The cascade structure has many parameters to be determined. Most of
existing cascade learning algorithms are designed by assigning detection rate
and false positive rate to each stage either dynamically or statically. Their
objective functions are not directly related to minimum computation cost. These
algorithms are not guaranteed to have optimal solution in the sense of
minimizing computation cost. On the assumption that a strong classifier is
given, in this paper we propose an optimal cascade learning algorithm (we call
it iCascade) which iteratively partitions the strong classifiers into two parts
until predefined number of stages are generated. iCascade searches the optimal
number ri of weak classifiers of each stage i by directly minimizing the
computation cost of the cascade. Theorems are provided to guarantee the
existence of the unique optimal solution. Theorems are also given for the
proposed efficient algorithm of searching optimal parameters ri. Once a new
stage is added, the parameter ri for each stage decreases gradually as
iteration proceeds, which we call decreasing phenomenon. Moreover, with the
goal of minimizing computation cost, we develop an effective algorithm for
setting the optimal threshold of each stage classifier. In addition, we prove
in theory why more new weak classifiers are required compared to the last
stage. Experimental results on face detection demonstrate the effectiveness and
efficiency of the proposed algorithm.
|
ESDF: Ensemble Selection using Diversity and Frequency | Recently ensemble selection for consensus clustering has emerged as a
research problem in Machine Intelligence. Normally consensus clustering
algorithms take into account the entire ensemble of clustering, where there is
a tendency of generating a very large size ensemble before computing its
consensus. One can avoid considering the entire ensemble and can judiciously
select few partitions in the ensemble without compromising on the quality of
the consensus. This may result in an efficient consensus computation technique
and may save unnecessary computational overheads. The ensemble selection
problem addresses this issue of consensus clustering. In this paper, we propose
an efficient method of ensemble selection for a large ensemble. We prioritize
the partitions in the ensemble based on diversity and frequency. Our method
selects top K of the partitions in order of priority, where K is decided by the
user. We observe that considering jointly the diversity and frequency helps in
identifying few representative partitions whose consensus is qualitatively
better than the consensus of the entire ensemble. Experimental analysis on a
large number of datasets shows our method gives better results than earlier
ensemble selection methods.
|
End-to-End Attention-based Large Vocabulary Speech Recognition | Many of the current state-of-the-art Large Vocabulary Continuous Speech
Recognition Systems (LVCSR) are hybrids of neural networks and Hidden Markov
Models (HMMs). Most of these systems contain separate components that deal with
the acoustic modelling, language modelling and sequence decoding. We
investigate a more direct approach in which the HMM is replaced with a
Recurrent Neural Network (RNN) that performs sequence prediction directly at
the character level. Alignment between the input features and the desired
character sequence is learned automatically by an attention mechanism built
into the RNN. For each predicted character, the attention mechanism scans the
input sequence and chooses relevant frames. We propose two methods to speed up
this operation: limiting the scan to a subset of most promising frames and
pooling over time the information contained in neighboring frames, thereby
reducing source sequence length. Integrating an n-gram language model into the
decoding process yields recognition accuracies similar to other HMM-free
RNN-based approaches.
|
Scalable Out-of-Sample Extension of Graph Embeddings Using Deep Neural
Networks | Several popular graph embedding techniques for representation learning and
dimensionality reduction rely on performing computationally expensive
eigendecompositions to derive a nonlinear transformation of the input data
space. The resulting eigenvectors encode the embedding coordinates for the
training samples only, and so the embedding of novel data samples requires
further costly computation. In this paper, we present a method for the
out-of-sample extension of graph embeddings using deep neural networks (DNN) to
parametrically approximate these nonlinear maps. Compared with traditional
nonparametric out-of-sample extension methods, we demonstrate that the DNNs can
generalize with equal or better fidelity and require orders of magnitude less
computation at test time. Moreover, we find that unsupervised pretraining of
the DNNs improves optimization for larger network sizes, thus removing
sensitivity to model selection.
|
Robust Subspace Clustering via Smoothed Rank Approximation | Matrix rank minimizing subject to affine constraints arises in many
application areas, ranging from signal processing to machine learning. Nuclear
norm is a convex relaxation for this problem which can recover the rank exactly
under some restricted and theoretically interesting conditions. However, for
many real-world applications, nuclear norm approximation to the rank function
can only produce a result far from the optimum. To seek a solution of higher
accuracy than the nuclear norm, in this paper, we propose a rank approximation
based on Logarithm-Determinant. We consider using this rank approximation for
subspace clustering application. Our framework can model different kinds of
errors and noise. Effective optimization strategy is developed with theoretical
guarantee to converge to a stationary point. The proposed method gives
promising results on face clustering and motion segmentation tasks compared to
the state-of-the-art subspace clustering algorithms.
|
A Dictionary Learning Approach for Factorial Gaussian Models | In this paper, we develop a parameter estimation method for factorially
parametrized models such as Factorial Gaussian Mixture Model and Factorial
Hidden Markov Model. Our contributions are two-fold. First, we show that the
emission matrix of the standard Factorial Model is unidentifiable even if the
true assignment matrix is known. Secondly, we address the issue of
identifiability by making a one component sharing assumption and derive a
parameter learning algorithm for this case. Our approach is based on a
dictionary learning problem of the form $X = O R$, where the goal is to learn
the dictionary $O$ given the data matrix $X$. We argue that due to the specific
structure of the activation matrix $R$ in the shared component factorial
mixture model, and an incoherence assumption on the shared component, it is
possible to extract the columns of the $O$ matrix without the need for
alternating between the estimation of $O$ and $R$.
|
Recognizing Extended Spatiotemporal Expressions by Actively Trained
Average Perceptron Ensembles | Precise geocoding and time normalization for text requires that location and
time phrases be identified. Many state-of-the-art geoparsers and temporal
parsers suffer from low recall. Categories commonly missed by parsers are:
nouns used in a non- spatiotemporal sense, adjectival and adverbial phrases,
prepositional phrases, and numerical phrases. We collected and annotated data
set by querying commercial web searches API with such spatiotemporal
expressions as were missed by state-of-the- art parsers. Due to the high cost
of sentence annotation, active learning was used to label training data, and a
new strategy was designed to better select training examples to reduce labeling
cost. For the learning algorithm, we applied an average perceptron trained
Featurized Hidden Markov Model (FHMM). Five FHMM instances were used to create
an ensemble, with the output phrase selected by voting. Our ensemble model was
tested on a range of sequential labeling tasks, and has shown competitive
performance. Our contributions include (1) an new dataset annotated with named
entities and expanded spatiotemporal expressions; (2) a comparison of inference
algorithms for ensemble models showing the superior accuracy of Belief
Propagation over Viterbi Decoding; (3) a new example re-weighting method for
active ensemble learning that 'memorizes' the latest examples trained; (4) a
spatiotemporal parser that jointly recognizes expanded spatiotemporal
expressions as well as named entities.
|
Mining Brain Networks using Multiple Side Views for Neurological
Disorder Identification | Mining discriminative subgraph patterns from graph data has attracted great
interest in recent years. It has a wide variety of applications in disease
diagnosis, neuroimaging, etc. Most research on subgraph mining focuses on the
graph representation alone. However, in many real-world applications, the side
information is available along with the graph data. For example, for
neurological disorder identification, in addition to the brain networks derived
from neuroimaging data, hundreds of clinical, immunologic, serologic and
cognitive measures may also be documented for each subject. These measures
compose multiple side views encoding a tremendous amount of supplemental
information for diagnostic purposes, yet are often ignored. In this paper, we
study the problem of discriminative subgraph selection using multiple side
views and propose a novel solution to find an optimal set of subgraph features
for graph classification by exploring a plurality of side views. We derive a
feature evaluation criterion, named gSide, to estimate the usefulness of
subgraph patterns based upon side views. Then we develop a branch-and-bound
algorithm, called gMSV, to efficiently search for optimal subgraph features by
integrating the subgraph mining process and the procedure of discriminative
feature selection. Empirical studies on graph classification tasks for
neurological disorders using brain networks demonstrate that subgraph patterns
selected by the multi-side-view guided subgraph selection approach can
effectively boost graph classification performances and are relevant to disease
diagnosis.
|
Introduction to Cross-Entropy Clustering The R Package CEC | The R Package CEC performs clustering based on the cross-entropy clustering
(CEC) method, which was recently developed with the use of information theory.
The main advantage of CEC is that it combines the speed and simplicity of
$k$-means with the ability to use various Gaussian mixture models and reduce
unnecessary clusters. In this work we present a practical tutorial to CEC based
on the R Package CEC. Functions are provided to encompass the whole process of
clustering.
|
Learning to Predict Independent of Span | We consider how to learn multi-step predictions efficiently. Conventional
algorithms wait until observing actual outcomes before performing the
computations to update their predictions. If predictions are made at a high
rate or span over a large amount of time, substantial computation can be
required to store all relevant observations and to update all predictions when
the outcome is finally observed. We show that the exact same predictions can be
learned in a much more computationally congenial way, with uniform per-step
computation that does not depend on the span of the predictions. We apply this
idea to various settings of increasing generality, repeatedly adding desired
properties and each time deriving an equivalent span-independent algorithm for
the conventional algorithm that satisfies these desiderata. Interestingly,
along the way several known algorithmic constructs emerge spontaneously from
our derivations, including dutch eligibility traces, temporal difference
errors, and averaging. This allows us to link these constructs one-to-one to
the corresponding desiderata, unambiguously connecting the `how' to the `why'.
Each step, we make sure that the derived algorithm subsumes the previous
algorithms, thereby retaining their properties. Ultimately we arrive at a
single general temporal-difference algorithm that is applicable to the full
setting of reinforcement learning.
|
Fault Diagnosis of Helical Gear Box using Large Margin K-Nearest
Neighbors Classifier using Sound Signals | Gear drives are one of the most widely used transmission system in many
machinery. Sound signals of a rotating machine contain the dynamic information
about its health conditions. Not much information available in the literature
reporting suitability of sound signals for fault diagnosis applications.
Maximum numbers of literature are based on FFT (Fast Fourier Transform)
analysis and have its own limitations with non-stationary signals like the ones
from gears. In this paper, attempt has been made in using sound signals
acquired from gears in good and simulated faulty conditions for the purpose of
fault diagnosis through a machine learning approach. The descriptive
statistical features were extracted from the acquired sound signals and the
predominant features were selected using J48 decision tree technique. The
selected features were then used for classification using Large Margin
K-nearest neighbor approach. The paper also discusses the effect of various
parameters on classification accuracy.
|
Time Series Clustering via Community Detection in Networks | In this paper, we propose a technique for time series clustering using
community detection in complex networks. Firstly, we present a method to
transform a set of time series into a network using different distance
functions, where each time series is represented by a vertex and the most
similar ones are connected. Then, we apply community detection algorithms to
identify groups of strongly connected vertices (called a community) and,
consequently, identify time series clusters. Still in this paper, we make a
comprehensive analysis on the influence of various combinations of time series
distance functions, network generation methods and community detection
techniques on clustering results. Experimental study shows that the proposed
network-based approach achieves better results than various classic or
up-to-date clustering techniques under consideration. Statistical tests confirm
that the proposed method outperforms some classic clustering algorithms, such
as $k$-medoids, diana, median-linkage and centroid-linkage in various data
sets. Interestingly, the proposed method can effectively detect shape patterns
presented in time series due to the topological structure of the underlying
network constructed in the clustering process. At the same time, other
techniques fail to identify such patterns. Moreover, the proposed method is
robust enough to group time series presenting similar pattern but with time
shifts and/or amplitude variations. In summary, the main point of the proposed
method is the transformation of time series from time-space domain to
topological domain. Therefore, we hope that our approach contributes not only
for time series clustering, but also for general time series analysis tasks.
|
Dither is Better than Dropout for Regularising Deep Neural Networks | Regularisation of deep neural networks (DNN) during training is critical to
performance. By far the most popular method is known as dropout. Here, cast
through the prism of signal processing theory, we compare and contrast the
regularisation effects of dropout with those of dither. We illustrate some
serious inherent limitations of dropout and demonstrate that dither provides a
more effective regulariser.
|
Multi-criteria Similarity-based Anomaly Detection using Pareto Depth
Analysis | We consider the problem of identifying patterns in a data set that exhibit
anomalous behavior, often referred to as anomaly detection. Similarity-based
anomaly detection algorithms detect abnormally large amounts of similarity or
dissimilarity, e.g.~as measured by nearest neighbor Euclidean distances between
a test sample and the training samples. In many application domains there may
not exist a single dissimilarity measure that captures all possible anomalous
patterns. In such cases, multiple dissimilarity measures can be defined,
including non-metric measures, and one can test for anomalies by scalarizing
using a non-negative linear combination of them. If the relative importance of
the different dissimilarity measures are not known in advance, as in many
anomaly detection applications, the anomaly detection algorithm may need to be
executed multiple times with different choices of weights in the linear
combination. In this paper, we propose a method for similarity-based anomaly
detection using a novel multi-criteria dissimilarity measure, the Pareto depth.
The proposed Pareto depth analysis (PDA) anomaly detection algorithm uses the
concept of Pareto optimality to detect anomalies under multiple criteria
without having to run an algorithm multiple times with different choices of
weights. The proposed PDA approach is provably better than using linear
combinations of the criteria and shows superior performance on experiments with
synthetic and real data sets.
|
Review and Perspective for Distance Based Trajectory Clustering | In this paper we tackle the issue of clustering trajectories of geolocalized
observations. Using clustering technics based on the choice of a distance
between the observations, we first provide a comprehensive review of the
different distances used in the literature to compare trajectories. Then based
on the limitations of these methods, we introduce a new distance : Symmetrized
Segment-Path Distance (SSPD). We finally compare this new distance to the
others according to their corresponding clustering results obtained using both
hierarchical clustering and affinity propagation methods.
|
Semi-supervised Learning with Regularized Laplacian | We study a semi-supervised learning method based on the similarity graph and
RegularizedLaplacian. We give convenient optimization formulation of the
Regularized Laplacian method and establishits various properties. In
particular, we show that the kernel of the methodcan be interpreted in terms of
discrete and continuous time random walks and possesses several
importantproperties of proximity measures. Both optimization and linear algebra
methods can be used for efficientcomputation of the classification functions.
We demonstrate on numerical examples that theRegularized Laplacian method is
competitive with respect to the other state of the art semi-supervisedlearning
methods.
|
Histogram of gradients of Time-Frequency Representations for Audio scene
detection | This paper addresses the problem of audio scenes classification and
contributes to the state of the art by proposing a novel feature. We build this
feature by considering histogram of gradients (HOG) of time-frequency
representation of an audio scene. Contrarily to classical audio features like
MFCC, we make the hypothesis that histogram of gradients are able to encode
some relevant informations in a time-frequency {representation:} namely, the
local direction of variation (in time and frequency) of the signal spectral
power. In addition, in order to gain more invariance and robustness, histogram
of gradients are locally pooled. We have evaluated the relevance of {the novel
feature} by comparing its performances with state-of-the-art competitors, on
several datasets, including a novel one that we provide, as part of our
contribution. This dataset, that we make publicly available, involves $19$
classes and contains about $900$ minutes of audio scene recording. We thus
believe that it may be the next standard dataset for evaluating audio scene
classification algorithms. Our comparison results clearly show that our
HOG-based features outperform its competitors
|
The ABACOC Algorithm: a Novel Approach for Nonparametric Classification
of Data Streams | Stream mining poses unique challenges to machine learning: predictive models
are required to be scalable, incrementally trainable, must remain bounded in
size (even when the data stream is arbitrarily long), and be nonparametric in
order to achieve high accuracy even in complex and dynamic environments.
Moreover, the learning system must be parameterless ---traditional tuning
methods are problematic in streaming settings--- and avoid requiring prior
knowledge of the number of distinct class labels occurring in the stream. In
this paper, we introduce a new algorithmic approach for nonparametric learning
in data streams. Our approach addresses all above mentioned challenges by
learning a model that covers the input space using simple local classifiers.
The distribution of these classifiers dynamically adapts to the local (unknown)
complexity of the classification problem, thus achieving a good balance between
model complexity and predictive accuracy. We design four variants of our
approach of increasing adaptivity. By means of an extensive empirical
evaluation against standard nonparametric baselines, we show state-of-the-art
results in terms of accuracy versus model size. For the variant that imposes a
strict bound on the model size, we show better performance against all other
methods measured at the same model size value. Our empirical analysis is
complemented by a theoretical performance guarantee which does not rely on any
stochastic assumption on the source generating the stream.
|
Distributed Compressive Sensing: A Deep Learning Approach | Various studies that address the compressed sensing problem with Multiple
Measurement Vectors (MMVs) have been recently carried. These studies assume the
vectors of the different channels to be jointly sparse. In this paper, we relax
this condition. Instead we assume that these sparse vectors depend on each
other but that this dependency is unknown. We capture this dependency by
computing the conditional probability of each entry in each vector being
non-zero, given the "residuals" of all previous vectors. To estimate these
probabilities, we propose the use of the Long Short-Term Memory (LSTM)[1], a
data driven model for sequence modelling that is deep in time. To calculate the
model parameters, we minimize a cross entropy cost function. To reconstruct the
sparse vectors at the decoder, we propose a greedy solver that uses the above
model to estimate the conditional probabilities. By performing extensive
experiments on two real world datasets, we show that the proposed method
significantly outperforms the general MMV solver (the Simultaneous Orthogonal
Matching Pursuit (SOMP)) and a number of the model-based Bayesian methods. The
proposed method does not add any complexity to the general compressive sensing
encoder. The trained model is used just at the decoder. As the proposed method
is a data driven method, it is only applicable when training data is available.
In many applications however, training data is indeed available, e.g. in
recorded images and videos.
|
DeepWriterID: An End-to-end Online Text-independent Writer
Identification System | Owing to the rapid growth of touchscreen mobile terminals and pen-based
interfaces, handwriting-based writer identification systems are attracting
increasing attention for personal authentication, digital forensics, and other
applications. However, most studies on writer identification have not been
satisfying because of the insufficiency of data and difficulty of designing
good features under various conditions of handwritings. Hence, we introduce an
end-to-end system, namely DeepWriterID, employed a deep convolutional neural
network (CNN) to address these problems. A key feature of DeepWriterID is a new
method we are proposing, called DropSegment. It designs to achieve data
augmentation and improve the generalized applicability of CNN. For sufficient
feature representation, we further introduce path signature feature maps to
improve performance. Experiments were conducted on the NLPR handwriting
database. Even though we only use pen-position information in the pen-down
state of the given handwriting samples, we achieved new state-of-the-art
identification rates of 95.72% for Chinese text and 98.51% for English text.
|
A Deep Bag-of-Features Model for Music Auto-Tagging | Feature learning and deep learning have drawn great attention in recent years
as a way of transforming input data into more effective representations using
learning algorithms. Such interest has grown in the area of music information
retrieval (MIR) as well, particularly in music audio classification tasks such
as auto-tagging. In this paper, we present a two-stage learning model to
effectively predict multiple labels from music audio. The first stage learns to
project local spectral patterns of an audio track onto a high-dimensional
sparse space in an unsupervised manner and summarizes the audio track as a
bag-of-features. The second stage successively performs the unsupervised
learning on the bag-of-features in a layer-by-layer manner to initialize a deep
neural network and finally fine-tunes it with the tag labels. Through the
experiment, we rigorously examine training choices and tuning parameters, and
show that the model achieves high performance on Magnatagatune, a popularly
used dataset in music auto-tagging.
|
AdaDelay: Delay Adaptive Distributed Stochastic Convex Optimization | We study distributed stochastic convex optimization under the delayed
gradient model where the server nodes perform parameter updates, while the
worker nodes compute stochastic gradients. We discuss, analyze, and experiment
with a setup motivated by the behavior of real-world distributed computation
networks, where the machines are differently slow at different time. Therefore,
we allow the parameter updates to be sensitive to the actual delays
experienced, rather than to worst-case bounds on the maximum delay. This
sensitivity leads to larger stepsizes, that can help gain rapid initial
convergence without having to wait too long for slower machines, while
maintaining the same asymptotic complexity. We obtain encouraging improvements
to overall convergence for distributed experiments on real datasets with up to
billions of examples and features.
|
Lifted Relational Neural Networks | We propose a method combining relational-logic representations with neural
network learning. A general lifted architecture, possibly reflecting some
background domain knowledge, is described through relational rules which may be
handcrafted or learned. The relational rule-set serves as a template for
unfolding possibly deep neural networks whose structures also reflect the
structures of given training or testing relational examples. Different networks
corresponding to different examples share their weights, which co-evolve during
training by stochastic gradient descent algorithm. The framework allows for
hierarchical relational modeling constructs and learning of latent relational
concepts through shared hidden layers weights corresponding to the rules.
Discovery of notable relational concepts and experiments on 78 relational
learning benchmarks demonstrate favorable performance of the method.
|
Steps Toward Deep Kernel Methods from Infinite Neural Networks | Contemporary deep neural networks exhibit impressive results on practical
problems. These networks generalize well although their inherent capacity may
extend significantly beyond the number of training examples. We analyze this
behavior in the context of deep, infinite neural networks. We show that deep
infinite layers are naturally aligned with Gaussian processes and kernel
methods, and devise stochastic kernels that encode the information of these
networks. We show that stability results apply despite the size, offering an
explanation for their empirical success.
|
Adaptive Online Learning | We propose a general framework for studying adaptive regret bounds in the
online learning framework, including model selection bounds and data-dependent
bounds. Given a data- or model-dependent bound we ask, "Does there exist some
algorithm achieving this bound?" We show that modifications to recently
introduced sequential complexity measures can be used to answer this question
by providing sufficient conditions under which adaptive rates can be achieved.
In particular each adaptive rate induces a set of so-called offset complexity
measures, and obtaining small upper bounds on these quantities is sufficient to
demonstrate achievability. A cornerstone of our analysis technique is the use
of one-sided tail inequalities to bound suprema of offset random processes.
Our framework recovers and improves a wide variety of adaptive bounds
including quantile bounds, second-order data-dependent bounds, and small loss
bounds. In addition we derive a new type of adaptive bound for online linear
optimization based on the spectral norm, as well as a new online PAC-Bayes
theorem that holds for countably infinite sets.
|
Strong Coresets for Hard and Soft Bregman Clustering with Applications
to Exponential Family Mixtures | Coresets are efficient representations of data sets such that models trained
on the coreset are provably competitive with models trained on the original
data set. As such, they have been successfully used to scale up clustering
models such as K-Means and Gaussian mixture models to massive data sets.
However, until now, the algorithms and the corresponding theory were usually
specific to each clustering problem.
We propose a single, practical algorithm to construct strong coresets for a
large class of hard and soft clustering problems based on Bregman divergences.
This class includes hard clustering with popular distortion measures such as
the Squared Euclidean distance, the Mahalanobis distance, KL-divergence and
Itakura-Saito distance. The corresponding soft clustering problems are directly
related to popular mixture models due to a dual relationship between Bregman
divergences and Exponential family distributions. Our theoretical results
further imply a randomized polynomial-time approximation scheme for hard
clustering. We demonstrate the practicality of the proposed algorithm in an
empirical evaluation.
|
Dynamics of Human Cooperation in Economic Games | Human decision behaviour is quite diverse. In many games humans on average do
not achieve maximal payoff and the behaviour of individual players remains
inhomogeneous even after playing many rounds. For instance, in repeated
prisoner dilemma games humans do not always optimize their mean reward and
frequently exhibit broad distributions of cooperativity. The reasons for these
failures of maximization are not known. Here we show that the dynamics
resulting from the tendency to shift choice probabilities towards previously
rewarding choices in closed loop interaction with the strategy of the opponent
can not only explain systematic deviations from 'rationality', but also
reproduce the diversity of choice behaviours. As a representative example we
investigate the dynamics of choice probabilities in prisoner dilemma games with
opponents using strategies with different degrees of extortion and generosity.
We find that already a simple model for human learning can account for a
surprisingly wide range of human decision behaviours. It reproduces suppression
of cooperation against extortionists and increasing cooperation when playing
with generous opponents, explains the broad distributions of individual choices
in ensembles of players, and predicts the evolution of individual subjects'
cooperation rates over the course of the games. We conclude that important
aspects of human decision behaviours are rooted in elementary learning
mechanisms realised in the brain.
|
Hidden Markov Models for Gene Sequence Classification: Classifying the
VSG genes in the Trypanosoma brucei Genome | The article presents an application of Hidden Markov Models (HMMs) for
pattern recognition on genome sequences. We apply HMM for identifying genes
encoding the Variant Surface Glycoprotein (VSG) in the genomes of Trypanosoma
brucei (T. brucei) and other African trypanosomes. These are parasitic protozoa
causative agents of sleeping sickness and several diseases in domestic and wild
animals. These parasites have a peculiar strategy to evade the host's immune
system that consists in periodically changing their predominant cellular
surface protein (VSG). The motivation for using patterns recognition methods to
identify these genes, instead of traditional homology based ones, is that the
levels of sequence identity (amino acid and DNA sequence) amongst these genes
is often below of what is considered reliable in these methods. Among pattern
recognition approaches, HMM are particularly suitable to tackle this problem
because they can handle more naturally the determination of gene edges. We
evaluate the performance of the model using different number of states in the
Markov model, as well as several performance metrics. The model is applied
using public genomic data. Our empirical results show that the VSG genes on T.
brucei can be safely identified (high sensitivity and low rate of false
positives) using HMM.
|
StochasticNet: Forming Deep Neural Networks via Stochastic Connectivity | Deep neural networks is a branch in machine learning that has seen a meteoric
rise in popularity due to its powerful abilities to represent and model
high-level abstractions in highly complex data. One area in deep neural
networks that is ripe for exploration is neural connectivity formation. A
pivotal study on the brain tissue of rats found that synaptic formation for
specific functional connectivity in neocortical neural microcircuits can be
surprisingly well modeled and predicted as a random formation. Motivated by
this intriguing finding, we introduce the concept of StochasticNet, where deep
neural networks are formed via stochastic connectivity between neurons. As a
result, any type of deep neural networks can be formed as a StochasticNet by
allowing the neuron connectivity to be stochastic. Stochastic synaptic
formations, in a deep neural network architecture, can allow for efficient
utilization of neurons for performing specific tasks. To evaluate the
feasibility of such a deep neural network architecture, we train a
StochasticNet using four different image datasets (CIFAR-10, MNIST, SVHN, and
STL-10). Experimental results show that a StochasticNet, using less than half
the number of neural connections as a conventional deep neural network,
achieves comparable accuracy and reduces overfitting on the CIFAR-10, MNIST and
SVHN dataset. Interestingly, StochasticNet with less than half the number of
neural connections, achieved a higher accuracy (relative improvement in test
error rate of ~6% compared to ConvNet) on the STL-10 dataset than a
conventional deep neural network. Finally, StochasticNets have faster
operational speeds while achieving better or similar accuracy performances.
|
Towards Neural Network-based Reasoning | We propose Neural Reasoner, a framework for neural network-based reasoning
over natural language sentences. Given a question, Neural Reasoner can infer
over multiple supporting facts and find an answer to the question in specific
forms. Neural Reasoner has 1) a specific interaction-pooling mechanism,
allowing it to examine multiple facts, and 2) a deep architecture, allowing it
to model the complicated logical relations in reasoning tasks. Assuming no
particular structure exists in the question and facts, Neural Reasoner is able
to accommodate different types of reasoning and different forms of language
expressions. Despite the model complexity, Neural Reasoner can still be trained
effectively in an end-to-end manner. Our empirical studies show that Neural
Reasoner can outperform existing neural reasoning systems with remarkable
margins on two difficult artificial tasks (Positional Reasoning and Path
Finding) proposed in [8]. For example, it improves the accuracy on Path
Finding(10K) from 33.4% [6] to over 98%.
|
Gaussian Mixture Reduction Using Reverse Kullback-Leibler Divergence | We propose a greedy mixture reduction algorithm which is capable of pruning
mixture components as well as merging them based on the Kullback-Leibler
divergence (KLD). The algorithm is distinct from the well-known Runnalls' KLD
based method since it is not restricted to merging operations. The capability
of pruning (in addition to merging) gives the algorithm the ability of
preserving the peaks of the original mixture during the reduction. Analytical
approximations are derived to circumvent the computational intractability of
the KLD which results in a computationally efficient method. The proposed
algorithm is compared with Runnalls' and Williams' methods in two numerical
examples, using both simulated and real world data. The results indicate that
the performance and computational complexity of the proposed approach make it
an efficient alternative to existing mixture reduction methods.
|
MultiView Diffusion Maps | In this paper, we address the challenging task of achieving multi-view
dimensionality reduction. The goal is to effectively use the availability of
multiple views for extracting a coherent low-dimensional representation of the
data. The proposed method exploits the intrinsic relation within each view, as
well as the mutual relations between views. The multi-view dimensionality
reduction is achieved by defining a cross-view model in which an implied random
walk process is restrained to hop between objects in the different views. The
method is robust to scaling and insensitive to small structural changes in the
data. We define new diffusion distances and analyze the spectra of the proposed
kernel. We show that the proposed framework is useful for various machine
learning applications such as clustering, classification, and manifold
learning. Finally, by fusing multi-sensor seismic data we present a method for
automatic identification of seismic events.
|
Necessary and Sufficient Conditions and a Provably Efficient Algorithm
for Separable Topic Discovery | We develop necessary and sufficient conditions and a novel provably
consistent and efficient algorithm for discovering topics (latent factors) from
observations (documents) that are realized from a probabilistic mixture of
shared latent factors that have certain properties. Our focus is on the class
of topic models in which each shared latent factor contains a novel word that
is unique to that factor, a property that has come to be known as separability.
Our algorithm is based on the key insight that the novel words correspond to
the extreme points of the convex hull formed by the row-vectors of a suitably
normalized word co-occurrence matrix. We leverage this geometric insight to
establish polynomial computation and sample complexity bounds based on a few
isotropic random projections of the rows of the normalized word co-occurrence
matrix. Our proposed random-projections-based algorithm is naturally amenable
to an efficient distributed implementation and is attractive for modern
web-scale distributed data mining applications.
|
Learning Sampling Distributions for Efficient Object Detection | Object detection is an important task in computer vision and learning
systems. Multistage particle windows (MPW), proposed by Gualdi et al., is an
algorithm of fast and accurate object detection. By sampling particle windows
from a proposal distribution (PD), MPW avoids exhaustively scanning the image.
Despite its success, it is unknown how to determine the number of stages and
the number of particle windows in each stage. Moreover, it has to generate too
many particle windows in the initialization step and it redraws unnecessary too
many particle windows around object-like regions. In this paper, we attempt to
solve the problems of MPW. An important fact we used is that there is large
probability for a randomly generated particle window not to contain the object
because the object is a sparse event relevant to the huge number of candidate
windows. Therefore, we design the proposal distribution so as to efficiently
reject the huge number of non-object windows. Specifically, we propose the
concepts of rejection, acceptance, and ambiguity windows and regions. This
contrasts to MPW which utilizes only on region of support. The PD of MPW is
acceptance-oriented whereas the PD of our method (called iPW) is
rejection-oriented. Experimental results on human and face detection
demonstrate the efficiency and effectiveness of the iPW algorithm. The source
code is publicly accessible.
|
The Max $K$-Armed Bandit: A PAC Lower Bound and tighter Algorithms | We consider the Max $K$-Armed Bandit problem, where a learning agent is faced
with several sources (arms) of items (rewards), and interested in finding the
best item overall. At each time step the agent chooses an arm, and obtains a
random real valued reward. The rewards of each arm are assumed to be i.i.d.,
with an unknown probability distribution that generally differs among the arms.
Under the PAC framework, we provide lower bounds on the sample complexity of
any $(\epsilon,\delta)$-correct algorithm, and propose algorithms that attain
this bound up to logarithmic factors. We compare the performance of this
multi-arm algorithms to the variant in which the arms are not distinguishable
by the agent and are chosen randomly at each stage. Interestingly, when the
maximal rewards of the arms happen to be similar, the latter approach may
provide better performance.
|
Fast Asynchronous Parallel Stochastic Gradient Decent | Stochastic gradient descent~(SGD) and its variants have become more and more
popular in machine learning due to their efficiency and effectiveness. To
handle large-scale problems, researchers have recently proposed several
parallel SGD methods for multicore systems. However, existing parallel SGD
methods cannot achieve satisfactory performance in real applications. In this
paper, we propose a fast asynchronous parallel SGD method, called AsySVRG, by
designing an asynchronous strategy to parallelize the recently proposed SGD
variant called stochastic variance reduced gradient~(SVRG). Both theoretical
and empirical results show that AsySVRG can outperform existing
state-of-the-art parallel SGD methods like Hogwild! in terms of convergence
rate and computation cost.
|
Searching for significant patterns in stratified data | Significant pattern mining, the problem of finding itemsets that are
significantly enriched in one class of objects, is statistically challenging,
as the large space of candidate patterns leads to an enormous multiple testing
problem. Recently, the concept of testability was proposed as one approach to
correct for multiple testing in pattern mining while retaining statistical
power. Still, these strategies based on testability do not allow one to
condition the test of significance on the observed covariates, which severely
limits its utility in biomedical applications. Here we propose a strategy and
an efficient algorithm to perform significant pattern mining in the presence of
categorical covariates with K states.
|
Stochastic Behavior of the Nonnegative Least Mean Fourth Algorithm for
Stationary Gaussian Inputs and Slow Learning | Some system identification problems impose nonnegativity constraints on the
parameters to estimate due to inherent physical characteristics of the unknown
system. The nonnegative least-mean-square (NNLMS) algorithm and its variants
allow to address this problem in an online manner. A nonnegative least mean
fourth (NNLMF) algorithm has been recently proposed to improve the performance
of these algorithms in cases where the measurement noise is not Gaussian. This
paper provides a first theoretical analysis of the stochastic behavior of the
NNLMF algorithm for stationary Gaussian inputs and slow learning. Simulation
results illustrate the accuracy of the proposed analysis.
|
ERBlox: Combining Matching Dependencies with Machine Learning for Entity
Resolution | Entity resolution (ER), an important and common data cleaning problem, is
about detecting data duplicate representations for the same external entities,
and merging them into single representations. Relatively recently, declarative
rules called matching dependencies (MDs) have been proposed for specifying
similarity conditions under which attribute values in database records are
merged. In this work we show the process and the benefits of integrating three
components of ER: (a) Classifiers for duplicate/non-duplicate record pairs
built using machine learning (ML) techniques, (b) MDs for supporting both the
blocking phase of ML and the merge itself; and (c) The use of the declarative
language LogiQL -an extended form of Datalog supported by the LogicBlox
platform- for data processing, and the specification and enforcement of MDs.
|
AUC Optimisation and Collaborative Filtering | In recommendation systems, one is interested in the ranking of the predicted
items as opposed to other losses such as the mean squared error. Although a
variety of ways to evaluate rankings exist in the literature, here we focus on
the Area Under the ROC Curve (AUC) as it widely used and has a strong
theoretical underpinning. In practical recommendation, only items at the top of
the ranked list are presented to the users. With this in mind, we propose a
class of objective functions over matrix factorisations which primarily
represent a smooth surrogate for the real AUC, and in a special case we show
how to prioritise the top of the list. The objectives are differentiable and
optimised through a carefully designed stochastic gradient-descent-based
algorithm which scales linearly with the size of the data. In the special case
of square loss we show how to improve computational complexity by leveraging
previously computed measures. To understand theoretically the underlying matrix
factorisation approaches we study both the consistency of the loss functions
with respect to AUC, and generalisation using Rademacher theory. The resulting
generalisation analysis gives strong motivation for the optimisation under
study. Finally, we provide computation results as to the efficacy of the
proposed method using synthetic and real data.
|
An analysis of numerical issues in neural training by pseudoinversion | Some novel strategies have recently been proposed for single hidden layer
neural network training that set randomly the weights from input to hidden
layer, while weights from hidden to output layer are analytically determined by
pseudoinversion. These techniques are gaining popularity in spite of their
known numerical issues when singular and/or almost singular matrices are
involved. In this paper we discuss a critical use of Singular Value Analysis
for identification of these drawbacks and we propose an original use of
regularisation to determine the output weights, based on the concept of
critical hidden layer size. This approach also allows to limit the training
computational effort. Besides, we introduce a novel technique which relies an
effective determination of input weights to the hidden layer dimension. This
approach is tested for both regression and classification tasks, resulting in a
significant performance improvement with respect to alternative methods.
|
OCReP: An Optimally Conditioned Regularization for Pseudoinversion Based
Neural Training | In this paper we consider the training of single hidden layer neural networks
by pseudoinversion, which, in spite of its popularity, is sometimes affected by
numerical instability issues. Regularization is known to be effective in such
cases, so that we introduce, in the framework of Tikhonov regularization, a
matricial reformulation of the problem which allows us to use the condition
number as a diagnostic tool for identification of instability. By imposing
well-conditioning requirements on the relevant matrices, our theoretical
analysis allows the identification of an optimal value for the regularization
parameter from the standpoint of stability. We compare with the value derived
by cross-validation for overfitting control and optimisation of the
generalization performance. We test our method for both regression and
classification tasks. The proposed method is quite effective in terms of
predictivity, often with some improvement on performance with respect to the
reference cases considered. This approach, due to analytical determination of
the regularization parameter, dramatically reduces the computational load
required by many other techniques.
|
Robot Language Learning, Generation, and Comprehension | We present a unified framework which supports grounding natural-language
semantics in robotic driving. This framework supports acquisition (learning
grounded meanings of nouns and prepositions from human annotation of robotic
driving paths), generation (using such acquired meanings to generate sentential
description of new robotic driving paths), and comprehension (using such
acquired meanings to support automated driving to accomplish navigational goals
specified in natural language). We evaluate the performance of these three
tasks by having independent human judges rate the semantic fidelity of the
sentences associated with paths, achieving overall average correctness of 94.6%
and overall average completeness of 85.6%.
|
Clustering With Side Information: From a Probabilistic Model to a
Deterministic Algorithm | In this paper, we propose a model-based clustering method (TVClust) that
robustly incorporates noisy side information as soft-constraints and aims to
seek a consensus between side information and the observed data. Our method is
based on a nonparametric Bayesian hierarchical model that combines the
probabilistic model for the data instance and the one for the side-information.
An efficient Gibbs sampling algorithm is proposed for posterior inference.
Using the small-variance asymptotics of our probabilistic model, we then derive
a new deterministic clustering algorithm (RDP-means). It can be viewed as an
extension of K-means that allows for the inclusion of side information and has
the additional property that the number of clusters does not need to be
specified a priori. Empirical studies have been carried out to compare our work
with many constrained clustering algorithms from the literature on both a
variety of data sets and under a variety of conditions such as using noisy side
information and erroneous k values. The results of our experiments show strong
results for our probabilistic and deterministic approaches under these
conditions when compared to other algorithms in the literature.
|
Multiple kernel multivariate performance learning using cutting plane
algorithm | In this paper, we propose a multi-kernel classifier learning algorithm to
optimize a given nonlinear and nonsmoonth multivariate classifier performance
measure. Moreover, to solve the problem of kernel function selection and kernel
parameter tuning, we proposed to construct an optimal kernel by weighted linear
combination of some candidate kernels. The learning of the classifier parameter
and the kernel weight are unified in a single objective function considering to
minimize the upper boundary of the given multivariate performance measure. The
objective function is optimized with regard to classifier parameter and kernel
weight alternately in an iterative algorithm by using cutting plane algorithm.
The developed algorithm is evaluated on two different pattern classification
methods with regard to various multivariate performance measure optimization
problems. The experiment results show the proposed algorithm outperforms the
competing methods.
|
SPRIGHT: A Fast and Robust Framework for Sparse Walsh-Hadamard Transform | We consider the problem of computing the Walsh-Hadamard Transform (WHT) of
some $N$-length input vector in the presence of noise, where the $N$-point
Walsh spectrum is $K$-sparse with $K = {O}(N^{\delta})$ scaling sub-linearly in
the input dimension $N$ for some $0<\delta<1$. Over the past decade, there has
been a resurgence in research related to the computation of Discrete Fourier
Transform (DFT) for some length-$N$ input signal that has a $K$-sparse Fourier
spectrum. In particular, through a sparse-graph code design, our earlier work
on the Fast Fourier Aliasing-based Sparse Transform (FFAST) algorithm computes
the $K$-sparse DFT in time ${O}(K\log K)$ by taking ${O}(K)$ noiseless samples.
Inspired by the coding-theoretic design framework, Scheibler et al. proposed
the Sparse Fast Hadamard Transform (SparseFHT) algorithm that elegantly
computes the $K$-sparse WHT in the absence of noise using ${O}(K\log N)$
samples in time ${O}(K\log^2 N)$. However, the SparseFHT algorithm explicitly
exploits the noiseless nature of the problem, and is not equipped to deal with
scenarios where the observations are corrupted by noise. Therefore, a question
of critical interest is whether this coding-theoretic framework can be made
robust to noise. Further, if the answer is yes, what is the extra price that
needs to be paid for being robust to noise? In this paper, we show, quite
interestingly, that there is {\it no extra price} that needs to be paid for
being robust to noise other than a constant factor. In other words, we can
maintain the same sample complexity ${O}(K\log N)$ and the computational
complexity ${O}(K\log^2 N)$ as those of the noiseless case, using our SParse
Robust Iterative Graph-based Hadamard Transform (SPRIGHT) algorithm.
|
Gaussian Mixture Models with Component Means Constrained in Pre-selected
Subspaces | We investigate a Gaussian mixture model (GMM) with component means
constrained in a pre-selected subspace. Applications to classification and
clustering are explored. An EM-type estimation algorithm is derived. We prove
that the subspace containing the component means of a GMM with a common
covariance matrix also contains the modes of the density and the class means.
This motivates us to find a subspace by applying weighted principal component
analysis to the modes of a kernel density and the class means. To circumvent
the difficulty of deciding the kernel bandwidth, we acquire multiple subspaces
from the kernel densities based on a sequence of bandwidths. The GMM
constrained by each subspace is estimated; and the model yielding the maximum
likelihood is chosen. A dimension reduction property is proved in the sense of
being informative for classification or clustering. Experiments on real and
simulated data sets are conducted to examine several ways of determining the
subspace and to compare with the reduced rank mixture discriminant analysis
(MDA). Our new method with the simple technique of spanning the subspace only
by class means often outperforms the reduced rank MDA when the subspace
dimension is very low, making it particularly appealing for visualization.
|
Nested Hierarchical Dirichlet Processes for Multi-Level Non-Parametric
Admixture Modeling | Dirichlet Process(DP) is a Bayesian non-parametric prior for infinite mixture
modeling, where the number of mixture components grows with the number of data
items. The Hierarchical Dirichlet Process (HDP), is an extension of DP for
grouped data, often used for non-parametric topic modeling, where each group is
a mixture over shared mixture densities. The Nested Dirichlet Process (nDP), on
the other hand, is an extension of the DP for learning group level
distributions from data, simultaneously clustering the groups. It allows group
level distributions to be shared across groups in a non-parametric setting,
leading to a non-parametric mixture of mixtures. The nCRF extends the nDP for
multilevel non-parametric mixture modeling, enabling modeling topic
hierarchies. However, the nDP and nCRF do not allow sharing of distributions as
required in many applications, motivating the need for multi-level
non-parametric admixture modeling. We address this gap by proposing multi-level
nested HDPs (nHDP) where the base distribution of the HDP is itself a HDP at
each level thereby leading to admixtures of admixtures at each level. Because
of couplings between various HDP levels, scaling up is naturally a challenge
during inference. We propose a multi-level nested Chinese Restaurant Franchise
(nCRF) representation for the nested HDP, with which we outline an inference
algorithm based on Gibbs Sampling. We evaluate our model with the two level
nHDP for non-parametric entity topic modeling where an inner HDP creates a
countably infinite set of topic mixtures and associates them with author
entities, while an outer HDP associates documents with these author entities.
In our experiments on two real world research corpora, the nHDP is able to
generalize significantly better than existing models and detect missing author
entities with a reasonable level of accuracy.
|
Greedy methods, randomization approaches and multi-arm bandit algorithms
for efficient sparsity-constrained optimization | Several sparsity-constrained algorithms such as Orthogonal Matching Pursuit
or the Frank-Wolfe algorithm with sparsity constraints work by iteratively
selecting a novel atom to add to the current non-zero set of variables. This
selection step is usually performed by computing the gradient and then by
looking for the gradient component with maximal absolute entry. This step can
be computationally expensive especially for large-scale and high-dimensional
data. In this work, we aim at accelerating these sparsity-constrained
optimization algorithms by exploiting the key observation that, for these
algorithms to work, one only needs the coordinate of the gradient's top entry.
Hence, we introduce algorithms based on greedy methods and randomization
approaches that aim at cheaply estimating the gradient and its top entry.
Another of our contribution is to cast the problem of finding the best gradient
entry as a best arm identification in a multi-armed bandit problem. Owing to
this novel insight, we are able to provide a bandit-based algorithm that
directly estimates the top entry in a very efficient way. Theoretical
observations stating that the resulting inexact Frank-Wolfe or Orthogonal
Matching Pursuit algorithms act, with high probability, similarly to their
exact versions are also given. We have carried out several experiments showing
that the greedy deterministic and the bandit approaches we propose can achieve
an acceleration of an order of magnitude while being as efficient as the exact
gradient when used in algorithms such as OMP, Frank-Wolfe or CoSaMP.
|
Deep Convolutional Neural Networks for Smile Recognition | This thesis describes the design and implementation of a smile detector based
on deep convolutional neural networks. It starts with a summary of neural
networks, the difficulties of training them and new training methods, such as
Restricted Boltzmann Machines or autoencoders. It then provides a literature
review of convolutional neural networks and recurrent neural networks. In order
to select databases for smile recognition, comprehensive statistics of
databases popular in the field of facial expression recognition were generated
and are summarized in this thesis. It then proposes a model for smile
detection, of which the main part is implemented. The experimental results are
discussed in this thesis and justified based on a comprehensive model selection
performed. All experiments were run on a Tesla K40c GPU benefiting from a
speedup of up to factor 10 over the computations on a CPU. A smile detection
test accuracy of 99.45% is achieved for the Denver Intensity of Spontaneous
Facial Action (DISFA) database, significantly outperforming existing approaches
with accuracies ranging from 65.55% to 79.67%. This experiment is re-run under
various variations, such as retaining less neutral images or only the low or
high intensities, of which the results are extensively compared.
|
A review of homomorphic encryption and software tools for encrypted
statistical machine learning | Recent advances in cryptography promise to enable secure statistical
computation on encrypted data, whereby a limited set of operations can be
carried out without the need to first decrypt. We review these homomorphic
encryption schemes in a manner accessible to statisticians and machine
learners, focusing on pertinent limitations inherent in the current state of
the art. These limitations restrict the kind of statistics and machine learning
algorithms which can be implemented and we review those which have been
successfully applied in the literature. Finally, we document a high performance
R package implementing a recent homomorphic scheme in a general framework.
|
Towards universal neural nets: Gibbs machines and ACE | We study from a physics viewpoint a class of generative neural nets, Gibbs
machines, designed for gradual learning. While including variational
auto-encoders, they offer a broader universal platform for incrementally adding
newly learned features, including physical symmetries. Their direct connection
to statistical physics and information geometry is established. A variational
Pythagorean theorem justifies invoking the exponential/Gibbs class of
probabilities for creating brand new objects. Combining these nets with
classifiers, gives rise to a brand of universal generative neural nets -
stochastic auto-classifier-encoders (ACE). ACE have state-of-the-art
performance in their class, both for classification and density estimation for
the MNIST data set.
|
Online Anomaly Detection via Class-Imbalance Learning | Anomaly detection is an important task in many real world applications such
as fraud detection, suspicious activity detection, health care monitoring etc.
In this paper, we tackle this problem from supervised learning perspective in
online learning setting. We maximize well known \emph{Gmean} metric for
class-imbalance learning in online learning framework. Specifically, we show
that maximizing \emph{Gmean} is equivalent to minimizing a convex surrogate
loss function and based on that we propose novel online learning algorithm for
anomaly detection. We then show, by extensive experiments, that the performance
of the proposed algorithm with respect to $sum$ metric is as good as a recently
proposed Cost-Sensitive Online Classification(CSOC) algorithm for
class-imbalance learning over various benchmarked data sets while keeping
running time close to the perception algorithm. Our another conclusion is that
other competitive online algorithms do not perform consistently over data sets
of varying size. This shows the potential applicability of our proposed
approach.
|
Encrypted statistical machine learning: new privacy preserving methods | We present two new statistical machine learning methods designed to learn on
fully homomorphic encrypted (FHE) data. The introduction of FHE schemes
following Gentry (2009) opens up the prospect of privacy preserving statistical
machine learning analysis and modelling of encrypted data without compromising
security constraints. We propose tailored algorithms for applying extremely
random forests, involving a new cryptographic stochastic fraction estimator,
and na\"{i}ve Bayes, involving a semi-parametric model for the class decision
boundary, and show how they can be used to learn and predict from encrypted
data. We demonstrate that these techniques perform competitively on a variety
of classification data sets and provide detailed information about the
computational practicalities of these and other FHE methods.
|
Compressive Sensing via Low-Rank Gaussian Mixture Models | We develop a new compressive sensing (CS) inversion algorithm by utilizing
the Gaussian mixture model (GMM). While the compressive sensing is performed
globally on the entire image as implemented in our lensless camera, a low-rank
GMM is imposed on the local image patches. This low-rank GMM is derived via
eigenvalue thresholding of the GMM trained on the projection of the measurement
data, thus learned {\em in situ}. The GMM and the projection of the measurement
data are updated iteratively during the reconstruction. Our GMM algorithm
degrades to the piecewise linear estimator (PLE) if each patch is represented
by a single Gaussian model. Inspired by this, a low-rank PLE algorithm is also
developed for CS inversion, constituting an additional contribution of this
paper. Extensive results on both simulation data and real data captured by the
lensless camera demonstrate the efficacy of the proposed algorithm.
Furthermore, we compare the CS reconstruction results using our algorithm with
the JPEG compression. Simulation results demonstrate that when limited
bandwidth is available (a small number of measurements), our algorithm can
achieve comparable results as JPEG.
|
Rapid Exact Signal Scanning with Deep Convolutional Neural Networks | A rigorous formulation of the dynamics of a signal processing scheme aimed at
dense signal scanning without any loss in accuracy is introduced and analyzed.
Related methods proposed in the recent past lack a satisfactory analysis of
whether they actually fulfill any exactness constraints. This is improved
through an exact characterization of the requirements for a sound sliding
window approach. The tools developed in this paper are especially beneficial if
Convolutional Neural Networks are employed, but can also be used as a more
general framework to validate related approaches to signal scanning. The
proposed theory helps to eliminate redundant computations and renders special
case treatment unnecessary, resulting in a dramatic boost in efficiency
particularly on massively parallel processors. This is demonstrated both
theoretically in a computational complexity analysis and empirically on modern
parallel processors.
|
Multi-armed Bandit Problem with Known Trend | We consider a variant of the multi-armed bandit model, which we call
multi-armed bandit problem with known trend, where the gambler knows the shape
of the reward function of each arm but not its distribution. This new problem
is motivated by different online problems like active learning, music and
interface recommendation applications, where when an arm is sampled by the
model the received reward change according to a known trend. By adapting the
standard multi-armed bandit algorithm UCB1 to take advantage of this setting,
we propose the new algorithm named A-UCB that assumes a stochastic model. We
provide upper bounds of the regret which compare favourably with the ones of
UCB1. We also confirm that experimentally with different simulations
|
Partitioning Large Scale Deep Belief Networks Using Dropout | Deep learning methods have shown great promise in many practical
applications, ranging from speech recognition, visual object recognition, to
text processing. However, most of the current deep learning methods suffer from
scalability problems for large-scale applications, forcing researchers or users
to focus on small-scale problems with fewer parameters.
In this paper, we consider a well-known machine learning model, deep belief
networks (DBNs) that have yielded impressive classification performance on a
large number of benchmark machine learning tasks. To scale up DBN, we propose
an approach that can use the computing clusters in a distributed environment to
train large models, while the dense matrix computations within a single machine
are sped up using graphics processors (GPU). When training a DBN, each machine
randomly drops out a portion of neurons in each hidden layer, for each training
case, making the remaining neurons only learn to detect features that are
generally helpful for producing the correct answer. Within our approach, we
have developed four methods to combine outcomes from each machine to form a
unified model. Our preliminary experiment on the mnst handwritten digit
database demonstrates that our approach outperforms the state of the art test
error rate.
|
Regularized Kernel Recursive Least Square Algoirthm | In most adaptive signal processing applications, system linearity is assumed
and adaptive linear filters are thus used. The traditional class of supervised
adaptive filters rely on error-correction learning for their adaptive
capability. The kernel method is a powerful nonparametric modeling tool for
pattern analysis and statistical signal processing. Through a nonlinear
mapping, kernel methods transform the data into a set of points in a
Reproducing Kernel Hilbert Space. KRLS achieves high accuracy and has fast
convergence rate in stationary scenario. However the good performance is
obtained at a cost of high computation complexity. Sparsification in kernel
methods is know to related to less computational complexity and memory
consumption.
|
Parallel Dither and Dropout for Regularising Deep Neural Networks | Effective regularisation during training can mean the difference between
success and failure for deep neural networks. Recently, dither has been
suggested as alternative to dropout for regularisation during batch-averaged
stochastic gradient descent (SGD). In this article, we show that these methods
fail without batch averaging and we introduce a new, parallel regularisation
method that may be used without batch averaging. Our results for
parallel-regularised non-batch-SGD are substantially better than what is
possible with batch-SGD. Furthermore, our results demonstrate that dither and
dropout are complimentary.
|
Competitive and Penalized Clustering Auto-encoder | The paper has been withdrawn since more effective experiments should be
completed.
Auto-encoders (AE) has been widely applied in different fields of machine
learning. However, as a deep model, there are a large amount of learnable
parameters in the AE, which would cause over-fitting and slow learning speed in
practice. Many researchers have been study the intrinsic structure of AE and
showed different useful methods to regularize those parameters. In this paper,
we present a novel regularization method based on a clustering algorithm which
is able to classify the parameters into different groups. With this
regularization, parameters in a given group have approximate equivalent values
and over-fitting problem could be alleviated. Moreover, due to the competitive
behavior of clustering algorithm, this model also overcomes some intrinsic
problems of clustering algorithms like the determination of number of clusters.
Experiments on handwritten digits recognition verify the effectiveness of our
novel model.
|
Varying-coefficient models with isotropic Gaussian process priors | We study learning problems in which the conditional distribution of the
output given the input varies as a function of additional task variables. In
varying-coefficient models with Gaussian process priors, a Gaussian process
generates the functional relationship between the task variables and the
parameters of this conditional. Varying-coefficient models subsume hierarchical
Bayesian multitask models, but also generalizations in which the conditional
varies continuously, for instance, in time or space. However, Bayesian
inference in varying-coefficient models is generally intractable. We show that
inference for varying-coefficient models with isotropic Gaussian process priors
resolves to standard inference for a Gaussian process that can be solved
efficiently. MAP inference in this model resolves to multitask learning using
task and instance kernels, and inference for hierarchical Bayesian multitask
models can be carried out efficiently using graph-Laplacian kernels. We report
on experiments for geospatial prediction.
|
Linked Component Analysis from Matrices to High Order Tensors:
Applications to Biomedical Data | With the increasing availability of various sensor technologies, we now have
access to large amounts of multi-block (also called multi-set,
multi-relational, or multi-view) data that need to be jointly analyzed to
explore their latent connections. Various component analysis methods have
played an increasingly important role for the analysis of such coupled data. In
this paper, we first provide a brief review of existing matrix-based (two-way)
component analysis methods for the joint analysis of such data with a focus on
biomedical applications. Then, we discuss their important extensions and
generalization to multi-block multiway (tensor) data. We show how constrained
multi-block tensor decomposition methods are able to extract similar or
statistically dependent common features that are shared by all blocks, by
incorporating the multiway nature of data. Special emphasis is given to the
flexible common and individual feature analysis of multi-block data with the
aim to simultaneously extract common and individual latent components with
desired properties and types of diversity. Illustrative examples are given to
demonstrate their effectiveness for biomedical data analysis.
|
X-TREPAN: a multi class regression and adapted extraction of
comprehensible decision tree in artificial neural networks | In this work, the TREPAN algorithm is enhanced and extended for extracting
decision trees from neural networks. We empirically evaluated the performance
of the algorithm on a set of databases from real world events. This benchmark
enhancement was achieved by adapting Single-test TREPAN and C4.5 decision tree
induction algorithms to analyze the datasets. The models are then compared with
X-TREPAN for comprehensibility and classification accuracy. Furthermore, we
validate the experimentations by applying statistical methods. Finally, the
modified algorithm is extended to work with multi-class regression problems and
the ability to comprehend generalized feed forward networks is achieved.
|
Feature Selection via Binary Simultaneous Perturbation Stochastic
Approximation | Feature selection (FS) has become an indispensable task in dealing with
today's highly complex pattern recognition problems with massive number of
features. In this study, we propose a new wrapper approach for FS based on
binary simultaneous perturbation stochastic approximation (BSPSA). This
pseudo-gradient descent stochastic algorithm starts with an initial feature
vector and moves toward the optimal feature vector via successive iterations.
In each iteration, the current feature vector's individual components are
perturbed simultaneously by random offsets from a qualified probability
distribution. We present computational experiments on datasets with numbers of
features ranging from a few dozens to thousands using three widely-used
classifiers as wrappers: nearest neighbor, decision tree, and linear support
vector machine. We compare our methodology against the full set of features as
well as a binary genetic algorithm and sequential FS methods using
cross-validated classification error rate and AUC as the performance criteria.
Our results indicate that features selected by BSPSA compare favorably to
alternative methods in general and BSPSA can yield superior feature sets for
datasets with tens of thousands of features by examining an extremely small
fraction of the solution space. We are not aware of any other wrapper FS
methods that are computationally feasible with good convergence properties for
such large datasets.
|
Directional Decision Lists | In this paper we introduce a novel family of decision lists consisting of
highly interpretable models which can be learned efficiently in a greedy
manner. The defining property is that all rules are oriented in the same
direction. Particular examples of this family are decision lists with
monotonically decreasing (or increasing) probabilities. On simulated data we
empirically confirm that the proposed model family is easier to train than
general decision lists. We exemplify the practical usability of our approach by
identifying problem symptoms in a manufacturing process.
|
Domain Generalization for Object Recognition with Multi-task
Autoencoders | The problem of domain generalization is to take knowledge acquired from a
number of related domains where training data is available, and to then
successfully apply it to previously unseen domains. We propose a new feature
learning algorithm, Multi-Task Autoencoder (MTAE), that provides good
generalization performance for cross-domain object recognition.
Our algorithm extends the standard denoising autoencoder framework by
substituting artificially induced corruption with naturally occurring
inter-domain variability in the appearance of objects. Instead of
reconstructing images from noisy versions, MTAE learns to transform the
original image into analogs in multiple related domains. It thereby learns
features that are robust to variations across domains. The learnt features are
then used as inputs to a classifier.
We evaluated the performance of the algorithm on benchmark image recognition
datasets, where the task is to learn features from multiple datasets and to
then predict the image label from unseen datasets. We found that (denoising)
MTAE outperforms alternative autoencoder-based models as well as the current
state-of-the-art algorithms for domain generalization.
|
Word Representations, Tree Models and Syntactic Functions | Word representations induced from models with discrete latent variables
(e.g.\ HMMs) have been shown to be beneficial in many NLP applications. In this
work, we exploit labeled syntactic dependency trees and formalize the induction
problem as unsupervised learning of tree-structured hidden Markov models.
Syntactic functions are used as additional observed variables in the model,
influencing both transition and emission components. Such syntactic information
can potentially lead to capturing more fine-grain and functional distinctions
between words, which, in turn, may be desirable in many NLP applications. We
evaluate the word representations on two tasks -- named entity recognition and
semantic frame identification. We observe improvements from exploiting
syntactic function information in both cases, and the results rivaling those of
state-of-the-art representation learning methods. Additionally, we revisit the
relationship between sequential and unlabeled-tree models and find that the
advantage of the latter is not self-evident.
|
Coordinate Dual Averaging for Decentralized Online Optimization with
Nonseparable Global Objectives | We consider a decentralized online convex optimization problem in a network
of agents, where each agent controls only a coordinate (or a part) of the
global decision vector. For such a problem, we propose two decentralized
variants (ODA-C and ODA-PS) of Nesterov's primal-dual algorithm with dual
averaging. In ODA-C, to mitigate the disagreements on the primal-vector
updates, the agents implement a generalization of the local
information-exchange dynamics recently proposed by Li and Marden over a static
undirected graph. In ODA-PS, the agents implement the broadcast-based push-sum
dynamics over a time-varying sequence of uniformly connected digraphs. We show
that the regret bounds in both cases have sublinear growth of $O(\sqrt{T})$,
with the time horizon $T$, when the stepsize is of the form $1/\sqrt{t}$ and
the objective functions are Lipschitz-continuous convex functions with
Lipschitz gradients. We also implement the proposed algorithms on a sensor
network to complement our theoretical analysis.
|
Wald-Kernel: Learning to Aggregate Information for Sequential Inference | Sequential hypothesis testing is a desirable decision making strategy in any
time sensitive scenario. Compared with fixed sample-size testing, sequential
testing is capable of achieving identical probability of error requirements
using less samples in average. For a binary detection problem, it is well known
that for known density functions accumulating the likelihood ratio statistics
is time optimal under a fixed error rate constraint. This paper considers the
problem of learning a binary sequential detector from training samples when
density functions are unavailable. We formulate the problem as a constrained
likelihood ratio estimation which can be solved efficiently through convex
optimization by imposing Reproducing Kernel Hilbert Space (RKHS) structure on
the log-likelihood ratio function. In addition, we provide a computationally
efficient approximated solution for large scale data set. The proposed
algorithm, namely Wald-Kernel, is tested on a synthetic data set and two real
world data sets, together with previous approaches for likelihood ratio
estimation. Our empirical results show that the classifier trained through the
proposed technique achieves smaller average sampling cost than previous
approaches proposed in the literature for the same error rate.
|
Value function approximation via low-rank models | We propose a novel value function approximation technique for Markov decision
processes. We consider the problem of compactly representing the state-action
value function using a low-rank and sparse matrix model. The problem is to
decompose a matrix that encodes the true value function into low-rank and
sparse components, and we achieve this using Robust Principal Component
Analysis (PCA). Under minimal assumptions, this Robust PCA problem can be
solved exactly via the Principal Component Pursuit convex optimization problem.
We experiment the procedure on several examples and demonstrate that our method
yields approximations essentially identical to the true function.
|
Metastatic liver tumour segmentation from discriminant Grassmannian
manifolds | The early detection, diagnosis and monitoring of liver cancer progression can
be achieved with the precise delineation of metastatic tumours. However,
accurate automated segmentation remains challenging due to the presence of
noise, inhomogeneity and the high appearance variability of malignant tissue.
In this paper, we propose an unsupervised metastatic liver tumour segmentation
framework using a machine learning approach based on discriminant Grassmannian
manifolds which learns the appearance of tumours with respect to normal tissue.
First, the framework learns within-class and between-class similarity
distributions from a training set of images to discover the optimal manifold
discrimination between normal and pathological tissue in the liver. Second, a
conditional optimisation scheme computes nonlocal pairwise as well as
pattern-based clique potentials from the manifold subspace to recognise regions
with similar labelings and to incorporate global consistency in the
segmentation process. The proposed framework was validated on a clinical
database of 43 CT images from patients with metastatic liver cancer. Compared
to state-of-the-art methods, our method achieves a better performance on two
separate datasets of metastatic liver tumours from different clinical sites,
yielding an overall mean Dice similarity coefficient of 90.7 +/- 2.4 in over 50
tumours with an average volume of 27.3 mm3.
|
Multi-Sensor Slope Change Detection | We develop a mixture procedure for multi-sensor systems to monitor data
streams for a change-point that causes a gradual degradation to a subset of the
streams. Observations are assumed to be initially normal random variables with
known constant means and variances. After the change-point, observations in the
subset will have increasing or decreasing means. The subset and the
rate-of-changes are unknown. Our procedure uses a mixture statistics, which
assumes that each sensor is affected by the change-point with probability
$p_0$. Analytic expressions are obtained for the average run length (ARL) and
the expected detection delay (EDD) of the mixture procedure, which are
demonstrated to be quite accurate numerically. We establish the asymptotic
optimality of the mixture procedure. Numerical examples demonstrate the good
performance of the proposed procedure. We also discuss an adaptive mixture
procedure using empirical Bayes. This paper extends our earlier work on
detecting an abrupt change-point that causes a mean-shift, by tackling the
challenges posed by the non-stationarity of the slope-change problem.
|
Online Supervised Subspace Tracking | We present a framework for supervised subspace tracking, when there are two
time series $x_t$ and $y_t$, one being the high-dimensional predictors and the
other being the response variables and the subspace tracking needs to take into
consideration of both sequences. It extends the classic online subspace
tracking work which can be viewed as tracking of $x_t$ only. Our online
sufficient dimensionality reduction (OSDR) is a meta-algorithm that can be
applied to various cases including linear regression, logistic regression,
multiple linear regression, multinomial logistic regression, support vector
machine, the random dot product model and the multi-scale union-of-subspace
model. OSDR reduces data-dimensionality on-the-fly with low-computational
complexity and it can also handle missing data and dynamic data. OSDR uses an
alternating minimization scheme and updates the subspace via gradient descent
on the Grassmannian manifold. The subspace update can be performed efficiently
utilizing the fact that the Grassmannian gradient with respect to the subspace
in many settings is rank-one (or low-rank in certain cases). The optimization
problem for OSDR is non-convex and hard to analyze in general; we provide
convergence analysis of OSDR in a simple linear regression setting. The good
performance of OSDR compared with the conventional unsupervised subspace
tracking are demonstrated via numerical examples on simulated and real data.
|
Learning A Task-Specific Deep Architecture For Clustering | While sparse coding-based clustering methods have shown to be successful,
their bottlenecks in both efficiency and scalability limit the practical usage.
In recent years, deep learning has been proved to be a highly effective,
efficient and scalable feature learning tool. In this paper, we propose to
emulate the sparse coding-based clustering pipeline in the context of deep
learning, leading to a carefully crafted deep model benefiting from both. A
feed-forward network structure, named TAGnet, is constructed based on a
graph-regularized sparse coding algorithm. It is then trained with
task-specific loss functions from end to end. We discover that connecting deep
learning to sparse coding benefits not only the model performance, but also its
initialization and interpretation. Moreover, by introducing auxiliary
clustering tasks to the intermediate feature hierarchy, we formulate DTAGnet
and obtain a further performance boost. Extensive experiments demonstrate that
the proposed model gains remarkable margins over several state-of-the-art
methods.
|
Learning Deep $\ell_0$ Encoders | Despite its nonconvex nature, $\ell_0$ sparse approximation is desirable in
many theoretical and application cases. We study the $\ell_0$ sparse
approximation problem with the tool of deep learning, by proposing Deep
$\ell_0$ Encoders. Two typical forms, the $\ell_0$ regularized problem and the
$M$-sparse problem, are investigated. Based on solid iterative algorithms, we
model them as feed-forward neural networks, through introducing novel neurons
and pooling functions. Enforcing such structural priors acts as an effective
network regularization. The deep encoders also enjoy faster inference, larger
learning capacity, and better scalability compared to conventional sparse
coding solutions. Furthermore, under task-driven losses, the models can be
conveniently optimized from end to end. Numerical results demonstrate the
impressive performances of the proposed encoders.
|
Differentially Private Online Learning for Cloud-Based Video
Recommendation with Multimedia Big Data in Social Networks | With the rapid growth in multimedia services and the enormous offers of video
contents in online social networks, users have difficulty in obtaining their
interests. Therefore, various personalized recommendation systems have been
proposed. However, they ignore that the accelerated proliferation of social
media data has led to the big data era, which has greatly impeded the process
of video recommendation. In addition, none of them has considered both the
privacy of users' contexts (e,g., social status, ages and hobbies) and video
service vendors' repositories, which are extremely sensitive and of significant
commercial value. To handle the problems, we propose a cloud-assisted
differentially private video recommendation system based on distributed online
learning. In our framework, service vendors are modeled as distributed
cooperative learners, recommending videos according to user's context, while
simultaneously adapting the video-selection strategy based on user-click
feedback to maximize total user clicks (reward). Considering the sparsity and
heterogeneity of big social media data, we also propose a novel geometric
differentially private model, which can greatly reduce the performance
(recommendation accuracy) loss. Our simulation shows the proposed algorithms
outperform other existing methods and keep a delicate balance between computing
accuracy and privacy preserving level.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.