title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
A Framework of Sparse Online Learning and Its Applications | The amount of data in our society has been exploding in the era of big data
today. In this paper, we address several open challenges of big data stream
classification, including high volume, high velocity, high dimensionality, high
sparsity, and high class-imbalance. Many existing studies in data mining
literature solve data stream classification tasks in a batch learning setting,
which suffers from poor efficiency and scalability when dealing with big data.
To overcome the limitations, this paper investigates an online learning
framework for big data stream classification tasks. Unlike some existing online
data stream classification techniques that are often based on first-order
online learning, we propose a framework of Sparse Online Classification (SOC)
for data stream classification, which includes some state-of-the-art
first-order sparse online learning algorithms as special cases and allows us to
derive a new effective second-order online learning algorithm for data stream
classification. In addition, we also propose a new cost-sensitive sparse online
learning algorithm by extending the framework with application to tackle online
anomaly detection tasks where class distribution of data could be very
imbalanced. We also analyze the theoretical bounds of the proposed method, and
finally conduct an extensive set of experiments, in which encouraging results
validate the efficacy of the proposed algorithms in comparison to a family of
state-of-the-art techniques on a variety of data stream classification tasks.
|
True Online Emphatic TD($\lambda$): Quick Reference and Implementation
Guide | This document is a guide to the implementation of true online emphatic
TD($\lambda$), a model-free temporal-difference algorithm for learning to make
long-term predictions which combines the emphasis idea (Sutton, Mahmood & White
2015) and the true-online idea (van Seijen & Sutton 2014). The setting used
here includes linear function approximation, the possibility of off-policy
training, and all the generality of general value functions, as well as the
emphasis algorithm's notion of "interest".
|
Task Selection for Bandit-Based Task Assignment in Heterogeneous
Crowdsourcing | Task selection (picking an appropriate labeling task) and worker selection
(assigning the labeling task to a suitable worker) are two major challenges in
task assignment for crowdsourcing. Recently, worker selection has been
successfully addressed by the bandit-based task assignment (BBTA) method, while
task selection has not been thoroughly investigated yet. In this paper, we
experimentally compare several task selection strategies borrowed from active
learning literature, and show that the least confidence strategy significantly
improves the performance of task assignment in crowdsourcing.
|
Reduced-Set Kernel Principal Components Analysis for Improving the
Training and Execution Speed of Kernel Machines | This paper presents a practical, and theoretically well-founded, approach to
improve the speed of kernel manifold learning algorithms relying on spectral
decomposition. Utilizing recent insights in kernel smoothing and learning with
integral operators, we propose Reduced Set KPCA (RSKPCA), which also suggests
an easy-to-implement method to remove or replace samples with minimal effect on
the empirical operator. A simple data point selection procedure is given to
generate a substitute density for the data, with accuracy that is governed by a
user-tunable parameter . The effect of the approximation on the quality of the
KPCA solution, in terms of spectral and operator errors, can be shown directly
in terms of the density estimate error and as a function of the parameter . We
show in experiments that RSKPCA can improve both training and evaluation time
of KPCA by up to an order of magnitude, and compares favorably to the
widely-used Nystrom and density-weighted Nystrom methods.
|
A genetic algorithm for autonomous navigation in partially observable
domain | The problem of autonomous navigation is one of the basic problems for
robotics. Although, in general, it may be challenging when an autonomous
vehicle is placed into partially observable domain. In this paper we consider
simplistic environment model and introduce a navigation algorithm based on
Learning Classifier System.
|
Estimating an Activity Driven Hidden Markov Model | We define a Hidden Markov Model (HMM) in which each hidden state has
time-dependent $\textit{activity levels}$ that drive transitions and emissions,
and show how to estimate its parameters. Our construction is motivated by the
problem of inferring human mobility on sub-daily time scales from, for example,
mobile phone records.
|
Distributed Stochastic Variance Reduced Gradient Methods and A Lower
Bound for Communication Complexity | We study distributed optimization algorithms for minimizing the average of
convex functions. The applications include empirical risk minimization problems
in statistical machine learning where the datasets are large and have to be
stored on different machines. We design a distributed stochastic variance
reduced gradient algorithm that, under certain conditions on the condition
number, simultaneously achieves the optimal parallel runtime, amount of
communication and rounds of communication among all distributed first-order
methods up to constant factors. Our method and its accelerated extension also
outperform existing distributed algorithms in terms of the rounds of
communication as long as the condition number is not too large compared to the
size of data in each machine. We also prove a lower bound for the number of
rounds of communication for a broad class of distributed first-order methods
including the proposed algorithms in this paper. We show that our accelerated
distributed stochastic variance reduced gradient algorithm achieves this lower
bound so that it uses the fewest rounds of communication among all distributed
first-order algorithms.
|
Training recurrent networks online without backtracking | We introduce the "NoBackTrack" algorithm to train the parameters of dynamical
systems such as recurrent neural networks. This algorithm works in an online,
memoryless setting, thus requiring no backpropagation through time, and is
scalable, avoiding the large computational and memory cost of maintaining the
full gradient of the current state with respect to the parameters.
The algorithm essentially maintains, at each time, a single search direction
in parameter space. The evolution of this search direction is partly stochastic
and is constructed in such a way to provide, at every time, an unbiased random
estimate of the gradient of the loss function with respect to the parameters.
Because the gradient estimate is unbiased, on average over time the parameter
is updated as it should.
The resulting gradient estimate can then be fed to a lightweight Kalman-like
filter to yield an improved algorithm. For recurrent neural networks, the
resulting algorithms scale linearly with the number of parameters.
Small-scale experiments confirm the suitability of the approach, showing that
the stochastic approximation of the gradient introduced in the algorithm is not
detrimental to learning. In particular, the Kalman-like version of NoBackTrack
is superior to backpropagation through time (BPTT) when the time span of
dependencies in the data is longer than the truncation span for BPTT.
|
Zero-Shot Domain Adaptation via Kernel Regression on the Grassmannian | Most visual recognition methods implicitly assume the data distribution
remains unchanged from training to testing. However, in practice domain shift
often exists, where real-world factors such as lighting and sensor type change
between train and test, and classifiers do not generalise from source to target
domains. It is impractical to train separate models for all possible situations
because collecting and labelling the data is expensive. Domain adaptation
algorithms aim to ameliorate domain shift, allowing a model trained on a source
to perform well on a different target domain. However, even for the setting of
unsupervised domain adaptation, where the target domain is unlabelled,
collecting data for every possible target domain is still costly. In this
paper, we propose a new domain adaptation method that has no need to access
either data or labels of the target domain when it can be described by a
parametrised vector and there exits several related source domains within the
same parametric space. It greatly reduces the burden of data collection and
annotation, and our experiments show some promising results.
|
Detect & Describe: Deep learning of bank stress in the news | News is a pertinent source of information on financial risks and stress
factors, which nevertheless is challenging to harness due to the sparse and
unstructured nature of natural text. We propose an approach based on
distributional semantics and deep learning with neural networks to model and
link text to a scarce set of bank distress events. Through unsupervised
training, we learn semantic vector representations of news articles as
predictors of distress events. The predictive model that we learn can signal
coinciding stress with an aggregated index at bank or European level, while
crucially allowing for automatic extraction of text descriptions of the events,
based on passages with high stress levels. The method offers insight that
models based on other types of data cannot provide, while offering a general
means for interpreting this type of semantic-predictive model. We model bank
distress with data on 243 events and 6.6M news articles for 101 large European
banks.
|
Optimally Confident UCB: Improved Regret for Finite-Armed Bandits | I present the first algorithm for stochastic finite-armed bandits that
simultaneously enjoys order-optimal problem-dependent regret and worst-case
regret. Besides the theoretical results, the new algorithm is simple, efficient
and empirically superb. The approach is based on UCB, but with a carefully
chosen confidence parameter that optimally balances the risk of failing
confidence intervals against the cost of excessive optimism.
|
Sparse Multidimensional Patient Modeling using Auxiliary Confidence
Labels | In this work, we focus on the problem of learning a classification model that
performs inference on patient Electronic Health Records (EHRs). Often, a large
amount of costly expert supervision is required to learn such a model. To
reduce this cost, we obtain confidence labels that indicate how sure an expert
is in the class labels she provides. If meaningful confidence information can
be incorporated into a learning method, fewer patient instances may need to be
labeled to learn an accurate model. In addition, while accuracy of predictions
is important for any inference model, a model of patients must be interpretable
so that clinicians can understand how the model is making decisions. To these
ends, we develop a novel metric learning method called Confidence bAsed MEtric
Learning (CAMEL) that supports inclusion of confidence labels, but also
emphasizes interpretability in three ways. First, our method induces sparsity,
thus producing simple models that use only a few features from patient EHRs.
Second, CAMEL naturally produces confidence scores that can be taken into
consideration when clinicians make treatment decisions. Third, the metrics
learned by CAMEL induce multidimensional spaces where each dimension represents
a different "factor" that clinicians can use to assess patients. In our
experimental evaluation, we show on a real-world clinical data set that our
CAMEL methods are able to learn models that are as or more accurate as other
methods that use the same supervision. Furthermore, we show that when CAMEL
uses confidence scores it is able to learn models as or more accurate as others
we tested while using only 10% of the training instances. Finally, we perform
qualitative assessments on the metrics learned by CAMEL and show that they
identify and clearly articulate important factors in how the model performs
inference.
|
An algorithm for online tensor prediction | We present a new method for online prediction and learning of tensors
($N$-way arrays, $N >2$) from sequential measurements. We focus on the specific
case of 3-D tensors and exploit a recently developed framework of structured
tensor decompositions proposed in [1]. In this framework it is possible to
treat 3-D tensors as linear operators and appropriately generalize notions of
rank and positive definiteness to tensors in a natural way. Using these notions
we propose a generalization of the matrix exponentiated gradient descent
algorithm [2] to a tensor exponentiated gradient descent algorithm using an
extension of the notion of von-Neumann divergence to tensors. Then following a
similar construction as in [3], we exploit this algorithm to propose an online
algorithm for learning and prediction of tensors with provable regret
guarantees. Simulations results are presented on semi-synthetic data sets of
ratings evolving in time under local influence over a social network. The
result indicate superior performance compared to other (online) convex tensor
completion methods.
|
A constrained optimization perspective on actor critic algorithms and
application to network routing | We propose a novel actor-critic algorithm with guaranteed convergence to an
optimal policy for a discounted reward Markov decision process. The actor
incorporates a descent direction that is motivated by the solution of a certain
non-linear optimization problem. We also discuss an extension to incorporate
function approximation and demonstrate the practicality of our algorithms on a
network routing application.
|
Document Embedding with Paragraph Vectors | Paragraph Vectors has been recently proposed as an unsupervised method for
learning distributed representations for pieces of texts. In their work, the
authors showed that the method can learn an embedding of movie review texts
which can be leveraged for sentiment analysis. That proof of concept, while
encouraging, was rather narrow. Here we consider tasks other than sentiment
analysis, provide a more thorough comparison of Paragraph Vectors to other
document modelling algorithms such as Latent Dirichlet Allocation, and evaluate
performance of the method as we vary the dimensionality of the learned
representation. We benchmarked the models on two document similarity data sets,
one from Wikipedia, one from arXiv. We observe that the Paragraph Vector method
performs significantly better than other methods, and propose a simple
improvement to enhance embedding quality. Somewhat surprisingly, we also show
that much like word embeddings, vector operations on Paragraph Vectors can
perform useful semantic results.
|
STC Anti-spoofing Systems for the ASVspoof 2015 Challenge | This paper presents the Speech Technology Center (STC) systems submitted to
Automatic Speaker Verification Spoofing and Countermeasures (ASVspoof)
Challenge 2015. In this work we investigate different acoustic feature spaces
to determine reliable and robust countermeasures against spoofing attacks. In
addition to the commonly used front-end MFCC features we explored features
derived from phase spectrum and features based on applying the multiresolution
wavelet transform. Similar to state-of-the-art ASV systems, we used the
standard TV-JFA approach for probability modelling in spoofing detection
systems. Experiments performed on the development and evaluation datasets of
the Challenge demonstrate that the use of phase-related and wavelet-based
features provides a substantial input into the efficiency of the resulting STC
systems. In our research we also focused on the comparison of the linear (SVM)
and nonlinear (DBN) classifiers.
|
Learning Representations for Outlier Detection on a Budget | The problem of detecting a small number of outliers in a large dataset is an
important task in many fields from fraud detection to high-energy physics. Two
approaches have emerged to tackle this problem: unsupervised and supervised.
Supervised approaches require a sufficient amount of labeled data and are
challenged by novel types of outliers and inherent class imbalance, whereas
unsupervised methods do not take advantage of available labeled training
examples and often exhibit poorer predictive performance. We propose BORE (a
Bagged Outlier Representation Ensemble) which uses unsupervised outlier scoring
functions (OSFs) as features in a supervised learning framework. BORE is able
to adapt to arbitrary OSF feature representations, to the imbalance in labeled
data as well as to prediction-time constraints on computational cost. We
demonstrate the good performance of BORE compared to a variety of competing
methods in the non-budgeted and the budgeted outlier detection problem on 12
real-world datasets.
|
IT-Dendrogram: A New Member of the In-Tree (IT) Clustering Family | Previously, we proposed a physically-inspired method to construct data points
into an effective in-tree (IT) structure, in which the underlying cluster
structure in the dataset is well revealed. Although there are some edges in the
IT structure requiring to be removed, such undesired edges are generally
distinguishable from other edges and thus are easy to be determined. For
instance, when the IT structures for the 2-dimensional (2D) datasets are
graphically presented, those undesired edges can be easily spotted and
interactively determined. However, in practice, there are many datasets that do
not lie in the 2D Euclidean space, thus their IT structures cannot be
graphically presented. But if we can effectively map those IT structures into a
visualized space in which the salient features of those undesired edges are
preserved, then the undesired edges in the IT structures can still be visually
determined in a visualization environment. Previously, this purpose was reached
by our method called IT-map. The outstanding advantage of IT-map is that
clusters can still be found even with the so-called crowding problem in the
embedding.
In this paper, we propose another method, called IT-Dendrogram, to achieve
the same goal through an effective combination of the IT structure and the
single link hierarchical clustering (SLHC) method. Like IT-map, IT-Dendrogram
can also effectively represent the IT structures in a visualization
environment, whereas using another form, called the Dendrogram. IT-Dendrogram
can serve as another visualization method to determine the undesired edges in
the IT structures and thus benefit the IT-based clustering analysis. This was
demonstrated on several datasets with different shapes, dimensions, and
attributes. Unlike IT-map, IT-Dendrogram can always avoid the crowding problem,
which could help users make more reliable cluster analysis in certain problems.
|
EESEN: End-to-End Speech Recognition using Deep RNN Models and
WFST-based Decoding | The performance of automatic speech recognition (ASR) has improved
tremendously due to the application of deep neural networks (DNNs). Despite
this progress, building a new ASR system remains a challenging task, requiring
various resources, multiple training stages and significant expertise. This
paper presents our Eesen framework which drastically simplifies the existing
pipeline to build state-of-the-art ASR systems. Acoustic modeling in Eesen
involves learning a single recurrent neural network (RNN) predicting
context-independent targets (phonemes or characters). To remove the need for
pre-generated frame labels, we adopt the connectionist temporal classification
(CTC) objective function to infer the alignments between speech and label
sequences. A distinctive feature of Eesen is a generalized decoding approach
based on weighted finite-state transducers (WFSTs), which enables the efficient
incorporation of lexicons and language models into CTC decoding. Experiments
show that compared with the standard hybrid DNN systems, Eesen achieves
comparable word error rates (WERs), while at the same time speeding up decoding
significantly.
|
A Gauss-Newton Method for Markov Decision Processes | Approximate Newton methods are a standard optimization tool which aim to
maintain the benefits of Newton's method, such as a fast rate of convergence,
whilst alleviating its drawbacks, such as computationally expensive calculation
or estimation of the inverse Hessian. In this work we investigate approximate
Newton methods for policy optimization in Markov Decision Processes (MDPs). We
first analyse the structure of the Hessian of the objective function for MDPs.
We show that, like the gradient, the Hessian exhibits useful structure in the
context of MDPs and we use this analysis to motivate two Gauss-Newton Methods
for MDPs. Like the Gauss-Newton method for non-linear least squares, these
methods involve approximating the Hessian by ignoring certain terms in the
Hessian which are difficult to estimate. The approximate Hessians possess
desirable properties, such as negative definiteness, and we demonstrate several
important performance guarantees including guaranteed ascent directions,
invariance to affine transformation of the parameter space, and convergence
guarantees. We finally provide a unifying perspective of key policy search
algorithms, demonstrating that our second Gauss-Newton algorithm is closely
related to both the EM-algorithm and natural gradient ascent applied to MDPs,
but performs significantly better in practice on a range of challenging
domains.
|
Deep Learning for Single-View Instance Recognition | Deep learning methods have typically been trained on large datasets in which
many training examples are available. However, many real-world product datasets
have only a small number of images available for each product. We explore the
use of deep learning methods for recognizing object instances when we have only
a single training example per class. We show that feedforward neural networks
outperform state-of-the-art methods for recognizing objects from novel
viewpoints even when trained from just a single image per object. To further
improve our performance on this task, we propose to take advantage of a
supplementary dataset in which we observe a separate set of objects from
multiple viewpoints. We introduce a new approach for training deep learning
methods for instance recognition with limited training data, in which we use an
auxiliary multi-view dataset to train our network to be robust to viewpoint
changes. We find that this approach leads to a more robust classifier for
recognizing objects from novel viewpoints, outperforming previous
state-of-the-art approaches including keypoint-matching, template-based
techniques, and sparse coding.
|
Distributed Mini-Batch SDCA | We present an improved analysis of mini-batched stochastic dual coordinate
ascent for regularized empirical loss minimization (i.e. SVM and SVM-type
objectives). Our analysis allows for flexible sampling schemes, including where
data is distribute across machines, and combines a dependence on the smoothness
of the loss and/or the data spread (measured through the spectral norm).
|
VMF-SNE: Embedding for Spherical Data | T-SNE is a well-known approach to embedding high-dimensional data and has
been widely used in data visualization. The basic assumption of t-SNE is that
the data are non-constrained in the Euclidean space and the local proximity can
be modelled by Gaussian distributions. This assumption does not hold for a wide
range of data types in practical applications, for instance spherical data for
which the local proximity is better modelled by the von Mises-Fisher (vMF)
distribution instead of the Gaussian. This paper presents a vMF-SNE embedding
algorithm to embed spherical data. An iterative process is derived to produce
an efficient embedding. The results on a simulation data set demonstrated that
vMF-SNE produces better embeddings than t-SNE for spherical data.
|
Tag-Weighted Topic Model For Large-scale Semi-Structured Documents | To date, there have been massive Semi-Structured Documents (SSDs) during the
evolution of the Internet. These SSDs contain both unstructured features (e.g.,
plain text) and metadata (e.g., tags). Most previous works focused on modeling
the unstructured text, and recently, some other methods have been proposed to
model the unstructured text with specific tags. To build a general model for
SSDs remains an important problem in terms of both model fitness and
efficiency. We propose a novel method to model the SSDs by a so-called
Tag-Weighted Topic Model (TWTM). TWTM is a framework that leverages both the
tags and words information, not only to learn the document-topic and topic-word
distributions, but also to infer the tag-topic distributions for text mining
tasks. We present an efficient variational inference method with an EM
algorithm for estimating the model parameters. Meanwhile, we propose three
large-scale solutions for our model under the MapReduce distributed computing
platform for modeling large-scale SSDs. The experimental results show the
effectiveness, efficiency and the robustness by comparing our model with the
state-of-the-art methods in document modeling, tags prediction and text
classification. We also show the performance of the three distributed solutions
in terms of time and accuracy on document modeling.
|
Framework for learning agents in quantum environments | In this paper we provide a broad framework for describing learning agents in
general quantum environments. We analyze the types of classically specified
environments which allow for quantum enhancements in learning, by contrasting
environments to quantum oracles. We show that whether or not quantum
improvements are at all possible depends on the internal structure of the
quantum environment. If the environments are constructed and the internal
structure is appropriately chosen, or if the agent has limited capacities to
influence the internal states of the environment, we show that improvements in
learning times are possible in a broad range of scenarios. Such scenarios we
call luck-favoring settings. The case of constructed environments is
particularly relevant for the class of model-based learning agents, where our
results imply a near-generic improvement.
|
Robustness in sparse linear models: relative efficiency based on robust
approximate message passing | Understanding efficiency in high dimensional linear models is a longstanding
problem of interest. Classical work with smaller dimensional problems dating
back to Huber and Bickel has illustrated the benefits of efficient loss
functions. When the number of parameters $p$ is of the same order as the sample
size $n$, $p \approx n$, an efficiency pattern different from the one of Huber
was recently established. In this work, we consider the effects of model
selection on the estimation efficiency of penalized methods. In particular, we
explore whether sparsity, results in new efficiency patterns when $p > n$. In
the interest of deriving the asymptotic mean squared error for regularized
M-estimators, we use the powerful framework of approximate message passing. We
propose a novel, robust and sparse approximate message passing algorithm
(RAMP), that is adaptive to the error distribution. Our algorithm includes many
non-quadratic and non-differentiable loss functions. We derive its asymptotic
mean squared error and show its convergence, while allowing $p, n, s \to
\infty$, with $n/p \in (0,1)$ and $n/s \in (1,\infty)$. We identify new
patterns of relative efficiency regarding a number of penalized $M$ estimators,
when $p$ is much larger than $n$. We show that the classical information bound
is no longer reachable, even for light--tailed error distributions. We show
that the penalized least absolute deviation estimator dominates the penalized
least square estimator, in cases of heavy--tailed distributions. We observe
this pattern for all choices of the number of non-zero parameters $s$, both $s
\leq n$ and $s \approx n$. In non-penalized problems where $s =p \approx n$,
the opposite regime holds. Therefore, we discover that the presence of model
selection significantly changes the efficiency patterns.
|
Action-Conditional Video Prediction using Deep Networks in Atari Games | Motivated by vision-based reinforcement learning (RL) problems, in particular
Atari games from the recent benchmark Aracade Learning Environment (ALE), we
consider spatio-temporal prediction problems where future (image-)frames are
dependent on control variables or actions as well as previous frames. While not
composed of natural scenes, frames in Atari games are high-dimensional in size,
can involve tens of objects with one or more objects being controlled by the
actions directly and many other objects being influenced indirectly, can
involve entry and departure of objects, and can involve deep partial
observability. We propose and evaluate two deep neural network architectures
that consist of encoding, action-conditional transformation, and decoding
layers based on convolutional neural networks and recurrent neural networks.
Experimental results show that the proposed architectures are able to generate
visually-realistic frames that are also useful for control over approximately
100-step action-conditional futures in some games. To the best of our
knowledge, this paper is the first to make and evaluate long-term predictions
on high-dimensional video conditioned by control inputs.
|
An Optimal Algorithm for Bandit and Zero-Order Convex Optimization with
Two-Point Feedback | We consider the closely related problems of bandit convex optimization with
two-point feedback, and zero-order stochastic convex optimization with two
function evaluations per round. We provide a simple algorithm and analysis
which is optimal for convex Lipschitz functions. This improves on
\cite{dujww13}, which only provides an optimal result for smooth functions;
Moreover, the algorithm and analysis are simpler, and readily extend to
non-Euclidean problems. The algorithm is based on a small but surprisingly
powerful modification of the gradient estimator.
|
Fast Stochastic Algorithms for SVD and PCA: Convergence Properties and
Convexity | We study the convergence properties of the VR-PCA algorithm introduced by
\cite{shamir2015stochastic} for fast computation of leading singular vectors.
We prove several new results, including a formal analysis of a block version of
the algorithm, and convergence from random initialization. We also make a few
observations of independent interest, such as how pre-initializing with just a
single exact power iteration can significantly improve the runtime of
stochastic methods, and what are the convexity and non-convexity properties of
the underlying optimization problem.
|
A Visual Embedding for the Unsupervised Extraction of Abstract Semantics | Vector-space word representations obtained from neural network models have
been shown to enable semantic operations based on vector arithmetic. In this
paper, we explore the existence of similar information on vector
representations of images. For that purpose we define a methodology to obtain
large, sparse vector representations of image classes, and generate vectors
through the state-of-the-art deep learning architecture GoogLeNet for 20K
images obtained from ImageNet. We first evaluate the resultant vector-space
semantics through its correlation with WordNet distances, and find vector
distances to be strongly correlated with linguistic semantics. We then explore
the location of images within the vector space, finding elements close in
WordNet to be clustered together, regardless of significant visual variances
(e.g. 118 dog types). More surprisingly, we find that the space unsupervisedly
separates complex classes without prior knowledge (e.g. living things).
Afterwards, we consider vector arithmetics. Although we are unable to obtain
meaningful results on this regard, we discuss the various problem we
encountered, and how we consider to solve them. Finally, we discuss the impact
of our research for cognitive systems, focusing on the role of the architecture
being used.
|
A novel multivariate performance optimization method based on sparse
coding and hyper-predictor learning | In this paper, we investigate the problem of optimization multivariate
performance measures, and propose a novel algorithm for it. Different from
traditional machine learning methods which optimize simple loss functions to
learn prediction function, the problem studied in this paper is how to learn
effective hyper-predictor for a tuple of data points, so that a complex loss
function corresponding to a multivariate performance measure can be minimized.
We propose to present the tuple of data points to a tuple of sparse codes via a
dictionary, and then apply a linear function to compare a sparse code against a
give candidate class label. To learn the dictionary, sparse codes, and
parameter of the linear function, we propose a joint optimization problem. In
this problem, the both the reconstruction error and sparsity of sparse code,
and the upper bound of the complex loss function are minimized. Moreover, the
upper bound of the loss function is approximated by the sparse codes and the
linear function parameter. To optimize this problem, we develop an iterative
algorithm based on descent gradient methods to learn the sparse codes and
hyper-predictor parameter alternately. Experiment results on some benchmark
data sets show the advantage of the proposed methods over other
state-of-the-art algorithms.
|
Artificial Neural Networks Applied to Taxi Destination Prediction | We describe our first-place solution to the ECML/PKDD discovery challenge on
taxi destination prediction. The task consisted in predicting the destination
of a taxi based on the beginning of its trajectory, represented as a
variable-length sequence of GPS points, and diverse associated
meta-information, such as the departure time, the driver id and client
information. Contrary to most published competitor approaches, we used an
almost fully automated approach based on neural networks and we ranked first
out of 381 teams. The architectures we tried use multi-layer perceptrons,
bidirectional recurrent neural networks and models inspired from recently
introduced memory networks. Our approach could easily be adapted to other
applications in which the goal is to predict a fixed-length output from a
variable-length sequence.
|
Turnover Prediction Of Shares using Data Mining techniques : A Case
Study | Predicting the turnover of a company in the ever fluctuating Stock market has
always proved to be a precarious situation and most certainly a difficult task
in hand. Data mining is a well-known sphere of Computer Science that aims on
extracting meaningful information from large databases. However, despite the
existence of many algorithms for the purpose of predicting the future trends,
their efficiency is questionable as their predictions suffer from a high error
rate. The objective of this paper is to investigate various classification
algorithms to predict the turnover of different companies based on the Stock
price. The authorized dataset for predicting the turnover was taken from
www.bsc.com and included the stock market values of various companies over the
past 10 years. The algorithms were investigated using the "R" tool. The feature
selection algorithm, Boruta, was run on this dataset to extract the important
and influential features for classification. With these extracted features, the
Total Turnover of the company was predicted using various classification
algorithms like Random Forest, Decision Tree, SVM and Multinomial Regression.
This prediction mechanism was implemented to predict the turnover of a company
on an everyday basis and hence could help navigate through dubious stock market
trades. An accuracy rate of 95% was achieved by the above prediction process.
Moreover, the importance of stock market attributes was established as well.
|
An Analytic Framework for Maritime Situation Analysis | Maritime domain awareness is critical for protecting sea lanes, ports,
harbors, offshore structures and critical infrastructures against common
threats and illegal activities. Limited surveillance resources constrain
maritime domain awareness and compromise full security coverage at all times.
This situation calls for innovative intelligent systems for interactive
situation analysis to assist marine authorities and security personal in their
routine surveillance operations. In this article, we propose a novel situation
analysis framework to analyze marine traffic data and differentiate various
scenarios of vessel engagement for the purpose of detecting anomalies of
interest for marine vessels that operate over some period of time in relative
proximity to each other. The proposed framework views vessel behavior as
probabilistic processes and uses machine learning to model common vessel
interaction patterns. We represent patterns of interest as left-to-right Hidden
Markov Models and classify such patterns using Support Vector Machines.
|
PTE: Predictive Text Embedding through Large-scale Heterogeneous Text
Networks | Unsupervised text embedding methods, such as Skip-gram and Paragraph Vector,
have been attracting increasing attention due to their simplicity, scalability,
and effectiveness. However, comparing to sophisticated deep learning
architectures such as convolutional neural networks, these methods usually
yield inferior results when applied to particular machine learning tasks. One
possible reason is that these text embedding methods learn the representation
of text in a fully unsupervised way, without leveraging the labeled information
available for the task. Although the low dimensional representations learned
are applicable to many different tasks, they are not particularly tuned for any
task. In this paper, we fill this gap by proposing a semi-supervised
representation learning method for text data, which we call the
\textit{predictive text embedding} (PTE). Predictive text embedding utilizes
both labeled and unlabeled data to learn the embedding of text. The labeled
information and different levels of word co-occurrence information are first
represented as a large-scale heterogeneous text network, which is then embedded
into a low dimensional space through a principled and efficient algorithm. This
low dimensional embedding not only preserves the semantic closeness of words
and documents, but also has a strong predictive power for the particular task.
Compared to recent supervised approaches based on convolutional neural
networks, predictive text embedding is comparable or more effective, much more
efficient, and has fewer parameters to tune.
|
Toward a Robust Sparse Data Representation for Wireless Sensor Networks | Compressive sensing has been successfully used for optimized operations in
wireless sensor networks. However, raw data collected by sensors may be neither
originally sparse nor easily transformed into a sparse data representation.
This paper addresses the problem of transforming source data collected by
sensor nodes into a sparse representation with a few nonzero elements. Our
contributions that address three major issues include: 1) an effective method
that extracts population sparsity of the data, 2) a sparsity ratio guarantee
scheme, and 3) a customized learning algorithm of the sparsifying dictionary.
We introduce an unsupervised neural network to extract an intrinsic sparse
coding of the data. The sparse codes are generated at the activation of the
hidden layer using a sparsity nomination constraint and a shrinking mechanism.
Our analysis using real data samples shows that the proposed method outperforms
conventional sparsity-inducing methods.
|
Optimal Radio Frequency Energy Harvesting with Limited Energy Arrival
Knowledge | In this paper, we develop optimal policies for deciding when a wireless node
with radio frequency (RF) energy harvesting (EH) capabilities should try and
harvest ambient RF energy. While the idea of RF-EH is appealing, it is not
always beneficial to attempt to harvest energy; in environments where the
ambient energy is low, nodes could consume more energy being awake with their
harvesting circuits turned on than what they can extract from the ambient radio
signals; it is then better to enter a sleep mode until the ambient RF energy
increases. Towards this end, we consider a scenario with intermittent energy
arrivals and a wireless node that wakes up for a period of time (herein called
the time-slot) and harvests energy. If enough energy is harvested during the
time-slot, then the harvesting is successful and excess energy is stored;
however, if there does not exist enough energy the harvesting is unsuccessful
and energy is lost.
We assume that the ambient energy level is constant during the time-slot, and
changes at slot boundaries. The energy level dynamics are described by a
two-state Gilbert-Elliott Markov chain model, where the state of the Markov
chain can only be observed during the harvesting action, and not when in sleep
mode. Two scenarios are studied under this model. In the first scenario, we
assume that we have knowledge of the transition probabilities of the Markov
chain and formulate the problem as a Partially Observable Markov Decision
Process (POMDP), where we find a threshold-based optimal policy. In the second
scenario, we assume that we don't have any knowledge about these parameters and
formulate the problem as a Bayesian adaptive POMDP; to reduce the complexity of
the computations we also propose a heuristic posterior sampling algorithm. The
performance of our approaches is demonstrated via numerical examples.
|
Time-series modeling with undecimated fully convolutional neural
networks | We present a new convolutional neural network-based time-series model.
Typical convolutional neural network (CNN) architectures rely on the use of
max-pooling operators in between layers, which leads to reduced resolution at
the top layers. Instead, in this work we consider a fully convolutional network
(FCN) architecture that uses causal filtering operations, and allows for the
rate of the output signal to be the same as that of the input signal. We
furthermore propose an undecimated version of the FCN, which we refer to as the
undecimated fully convolutional neural network (UFCNN), and is motivated by the
undecimated wavelet transform. Our experimental results verify that using the
undecimated version of the FCN is necessary in order to allow for effective
time-series modeling. The UFCNN has several advantages compared to other
time-series models such as the recurrent neural network (RNN) and long
short-term memory (LSTM), since it does not suffer from either the vanishing or
exploding gradients problems, and is therefore easier to train. Convolution
operations can also be implemented more efficiently compared to the recursion
that is involved in RNN-based models. We evaluate the performance of our model
in a synthetic target tracking task using bearing only measurements generated
from a state-space model, a probabilistic modeling of polyphonic music
sequences problem, and a high frequency trading task using a time-series of
ask/bid quotes and their corresponding volumes. Our experimental results using
synthetic and real datasets verify the significant advantages of the UFCNN
compared to the RNN and LSTM baselines.
|
On the Importance of Normalisation Layers in Deep Learning with
Piecewise Linear Activation Units | Deep feedforward neural networks with piecewise linear activations are
currently producing the state-of-the-art results in several public datasets.
The combination of deep learning models and piecewise linear activation
functions allows for the estimation of exponentially complex functions with the
use of a large number of subnetworks specialized in the classification of
similar input examples. During the training process, these subnetworks avoid
overfitting with an implicit regularization scheme based on the fact that they
must share their parameters with other subnetworks. Using this framework, we
have made an empirical observation that can improve even more the performance
of such models. We notice that these models assume a balanced initial
distribution of data points with respect to the domain of the piecewise linear
activation function. If that assumption is violated, then the piecewise linear
activation units can degenerate into purely linear activation units, which can
result in a significant reduction of their capacity to learn complex functions.
Furthermore, as the number of model layers increases, this unbalanced initial
distribution makes the model ill-conditioned. Therefore, we propose the
introduction of batch normalisation units into deep feedforward neural networks
with piecewise linear activations, which drives a more balanced use of these
activation units, where each region of the activation function is trained with
a relatively large proportion of training samples. Also, this batch
normalisation promotes the pre-conditioning of very deep learning models. We
show that by introducing maxout and batch normalisation units to the network in
network model results in a model that produces classification results that are
better than or comparable to the current state of the art in CIFAR-10,
CIFAR-100, MNIST, and SVHN datasets.
|
Integrated Inference and Learning of Neural Factors in Structural
Support Vector Machines | Tackling pattern recognition problems in areas such as computer vision,
bioinformatics, speech or text recognition is often done best by taking into
account task-specific statistical relations between output variables. In
structured prediction, this internal structure is used to predict multiple
outputs simultaneously, leading to more accurate and coherent predictions.
Structural support vector machines (SSVMs) are nonprobabilistic models that
optimize a joint input-output function through margin-based learning. Because
SSVMs generally disregard the interplay between unary and interaction factors
during the training phase, final parameters are suboptimal. Moreover, its
factors are often restricted to linear combinations of input features, limiting
its generalization power. To improve prediction accuracy, this paper proposes:
(i) Joint inference and learning by integration of back-propagation and
loss-augmented inference in SSVM subgradient descent; (ii) Extending SSVM
factors to neural networks that form highly nonlinear functions of input
features. Image segmentation benchmark results demonstrate improvements over
conventional SSVM training methods in terms of accuracy, highlighting the
feasibility of end-to-end SSVM training with neural factors.
|
A variational approach to path estimation and parameter inference of
hidden diffusion processes | We consider a hidden Markov model, where the signal process, given by a
diffusion, is only indirectly observed through some noisy measurements. The
article develops a variational method for approximating the hidden states of
the signal process given the full set of observations. This, in particular,
leads to systematic approximations of the smoothing densities of the signal
process. The paper then demonstrates how an efficient inference scheme, based
on this variational approach to the approximation of the hidden states, can be
designed to estimate the unknown parameters of stochastic differential
equations. Two examples at the end illustrate the efficacy and the accuracy of
the presented method.
|
A Weakly Supervised Learning Approach based on Spectral Graph-Theoretic
Grouping | In this study, a spectral graph-theoretic grouping strategy for weakly
supervised classification is introduced, where a limited number of labelled
samples and a larger set of unlabelled samples are used to construct a larger
annotated training set composed of strongly labelled and weakly labelled
samples. The inherent relationship between the set of strongly labelled samples
and the set of unlabelled samples is established via spectral grouping, with
the unlabelled samples subsequently weakly annotated based on the strongly
labelled samples within the associated spectral groups. A number of similarity
graph models for spectral grouping, including two new similarity graph models
introduced in this study, are explored to investigate their performance in the
context of weakly supervised classification in handling different types of
data. Experimental results using benchmark datasets as well as real EMG
datasets demonstrate that the proposed approach to weakly supervised
classification can provide noticeable improvements in classification
performance, and that the proposed similarity graph models can lead to ultimate
learning results that are either better than or on a par with existing
similarity graph models in the context of spectral grouping for weakly
supervised classification.
|
Maintaining prediction quality under the condition of a growing
knowledge space | Intelligence can be understood as an agent's ability to predict its
environment's dynamic by a level of precision which allows it to effectively
foresee opportunities and threats. Under the assumption that such intelligence
relies on a knowledge space any effective reasoning would benefit from a
maximum portion of useful and a minimum portion of misleading knowledge
fragments. It begs the question of how the quality of such knowledge space can
be kept high as the amount of knowledge keeps growing. This article proposes a
mathematical model to describe general principles of how quality of a growing
knowledge space evolves depending on error rate, error propagation and
countermeasures. There is also shown to which extend the quality of a knowledge
space collapses as removal of low quality knowledge fragments occurs too slowly
for a given knowledge space's growth rate.
|
Sparse PCA via Bipartite Matchings | We consider the following multi-component sparse PCA problem: given a set of
data points, we seek to extract a small number of sparse components with
disjoint supports that jointly capture the maximum possible variance. These
components can be computed one by one, repeatedly solving the single-component
problem and deflating the input data matrix, but as we show this greedy
procedure is suboptimal. We present a novel algorithm for sparse PCA that
jointly optimizes multiple disjoint components. The extracted features capture
variance that lies within a multiplicative factor arbitrarily close to 1 from
the optimal. Our algorithm is combinatorial and computes the desired components
by solving multiple instances of the bipartite maximum weight matching problem.
Its complexity grows as a low order polynomial in the ambient dimension of the
input data matrix, but exponentially in its rank. However, it can be
effectively applied on a low-dimensional sketch of the data; this allows us to
obtain polynomial-time approximation guarantees via spectral bounds. We
evaluate our algorithm on real data-sets and empirically demonstrate that in
many cases it outperforms existing, deflation-based approaches.
|
Bayesian mixtures of spatial spline regressions | This work relates the framework of model-based clustering for spatial
functional data where the data are surfaces. We first introduce a Bayesian
spatial spline regression model with mixed-effects (BSSR) for modeling spatial
function data. The BSSR model is based on Nodal basis functions for spatial
regression and accommodates both common mean behavior for the data through a
fixed-effects part, and variability inter-individuals thanks to a
random-effects part. Then, in order to model populations of spatial functional
data issued from heterogeneous groups, we integrate the BSSR model into a
mixture framework. The resulting model is a Bayesian mixture of spatial spline
regressions with mixed-effects (BMSSR) used for density estimation and
model-based surface clustering. The models, through their Bayesian formulation,
allow to integrate possible prior knowledge on the data structure and
constitute a good alternative to recent mixture of spatial spline regressions
model estimated in a maximum likelihood framework via the
expectation-maximization (EM) algorithm. The Bayesian model inference is
performed by Markov Chain Monte Carlo (MCMC) sampling. We derive two Gibbs
sampler to infer the BSSR and the BMSSR models and apply them on simulated
surfaces and a real problem of handwritten digit recognition using the MNIST
data set. The obtained results highlight the potential benefit of the proposed
Bayesian approaches for modeling surfaces possibly dispersed in particular in
clusters.
|
Episodic Multi-armed Bandits | We introduce a new class of reinforcement learning methods referred to as
{\em episodic multi-armed bandits} (eMAB). In eMAB the learner proceeds in {\em
episodes}, each composed of several {\em steps}, in which it chooses an action
and observes a feedback signal. Moreover, in each step, it can take a special
action, called the $stop$ action, that ends the current episode. After the
$stop$ action is taken, the learner collects a terminal reward, and observes
the costs and terminal rewards associated with each step of the episode. The
goal of the learner is to maximize its cumulative gain (i.e., the terminal
reward minus costs) over all episodes by learning to choose the best sequence
of actions based on the feedback. First, we define an {\em oracle} benchmark,
which sequentially selects the actions that maximize the expected immediate
gain. Then, we propose our online learning algorithm, named {\em FeedBack
Adaptive Learning} (FeedBAL), and prove that its regret with respect to the
benchmark is bounded with high probability and increases logarithmically in
expectation. Moreover, the regret only has polynomial dependence on the number
of steps, actions and states. eMAB can be used to model applications that
involve humans in the loop, ranging from personalized medical screening to
personalized web-based education, where sequences of actions are taken in each
episode, and optimal behavior requires adapting the chosen actions based on the
feedback.
|
Adaptivity and Computation-Statistics Tradeoffs for Kernel and Distance
based High Dimensional Two Sample Testing | Nonparametric two sample testing is a decision theoretic problem that
involves identifying differences between two random variables without making
parametric assumptions about their underlying distributions. We refer to the
most common settings as mean difference alternatives (MDA), for testing
differences only in first moments, and general difference alternatives (GDA),
which is about testing for any difference in distributions. A large number of
test statistics have been proposed for both these settings. This paper connects
three classes of statistics - high dimensional variants of Hotelling's t-test,
statistics based on Reproducing Kernel Hilbert Spaces, and energy statistics
based on pairwise distances. We ask the question: how much statistical power do
popular kernel and distance based tests for GDA have when the unknown
distributions differ in their means, compared to specialized tests for MDA?
We formally characterize the power of popular tests for GDA like the Maximum
Mean Discrepancy with the Gaussian kernel (gMMD) and bandwidth-dependent
variants of the Energy Distance with the Euclidean norm (eED) in the
high-dimensional MDA regime. Some practically important properties include (a)
eED and gMMD have asymptotically equal power; furthermore they enjoy a free
lunch because, while they are additionally consistent for GDA, they also have
the same power as specialized high-dimensional t-test variants for MDA. All
these tests are asymptotically optimal (including matching constants) under MDA
for spherical covariances, according to simple lower bounds, (b) The power of
gMMD is independent of the kernel bandwidth, as long as it is larger than the
choice made by the median heuristic, (c) There is a clear and smooth
computation-statistics tradeoff for linear-time, subquadratic-time and
quadratic-time versions of these tests, with more computation resulting in
higher power.
|
Parameter Database : Data-centric Synchronization for Scalable Machine
Learning | We propose a new data-centric synchronization framework for carrying out of
machine learning (ML) tasks in a distributed environment. Our framework
exploits the iterative nature of ML algorithms and relaxes the application
agnostic bulk synchronization parallel (BSP) paradigm that has previously been
used for distributed machine learning. Data-centric synchronization complements
function-centric synchronization based on using stale updates to increase the
throughput of distributed ML computations. Experiments to validate our
framework suggest that we can attain substantial improvement over BSP while
guaranteeing sequential correctness of ML tasks.
|
Multi-Label Active Learning from Crowds | Multi-label active learning is a hot topic in reducing the label cost by
optimally choosing the most valuable instance to query its label from an
oracle. In this paper, we consider the poolbased multi-label active learning
under the crowdsourcing setting, where during the active query process, instead
of resorting to a high cost oracle for the ground-truth, multiple low cost
imperfect annotators with various expertise are available for labeling. To deal
with this problem, we propose the MAC (Multi-label Active learning from Crowds)
approach which incorporate the local influence of label correlations to build a
probabilistic model over the multi-label classifier and annotators. Based on
this model, we can estimate the labels for instances as well as the expertise
of each annotator. Then we propose the instance selection and annotator
selection criteria that consider the uncertainty/diversity of instances and the
reliability of annotators, such that the most reliable annotator will be
queried for the most valuable instances. Experimental results demonstrate the
effectiveness of the proposed approach.
|
Fixed-point algorithms for learning determinantal point processes | Determinantal point processes (DPPs) offer an elegant tool for encoding
probabilities over subsets of a ground set. Discrete DPPs are parametrized by a
positive semidefinite matrix (called the DPP kernel), and estimating this
kernel is key to learning DPPs from observed data. We consider the task of
learning the DPP kernel, and develop for it a surprisingly simple yet effective
new algorithm. Our algorithm offers the following benefits over previous
approaches: (a) it is much simpler; (b) it yields equally good and sometimes
even better local maxima; and (c) it runs an order of magnitude faster on large
problems. We present experimental results on both real and simulated data to
illustrate the numerical performance of our technique.
|
Perceptron like Algorithms for Online Learning to Rank | Perceptron is a classic online algorithm for learning a classification
function. In this paper, we provide a novel extension of the perceptron
algorithm to the learning to rank problem in information retrieval. We consider
popular listwise performance measures such as Normalized Discounted Cumulative
Gain (NDCG) and Average Precision (AP). A modern perspective on perceptron for
classification is that it is simply an instance of online gradient descent
(OGD), during mistake rounds, using the hinge loss function. Motivated by this
interpretation, we propose a novel family of listwise, large margin ranking
surrogates. Members of this family can be thought of as analogs of the hinge
loss. Exploiting a certain self-bounding property of the proposed family, we
provide a guarantee on the cumulative NDCG (or AP) induced loss incurred by our
perceptron-like algorithm. We show that, if there exists a perfect oracle
ranker which can correctly rank each instance in an online sequence of ranking
data, with some margin, the cumulative loss of perceptron algorithm on that
sequence is bounded by a constant, irrespective of the length of the sequence.
This result is reminiscent of Novikoff's convergence theorem for the
classification perceptron. Moreover, we prove a lower bound on the cumulative
loss achievable by any deterministic algorithm, under the assumption of
existence of perfect oracle ranker. The lower bound shows that our perceptron
bound is not tight, and we propose another, \emph{purely online}, algorithm
which achieves the lower bound. We provide empirical results on simulated and
large commercial datasets to corroborate our theoretical results.
|
Structured Prediction: From Gaussian Perturbations to Linear-Time
Principled Algorithms | Margin-based structured prediction commonly uses a maximum loss over all
possible structured outputs \cite{Altun03,Collins04b,Taskar03}. In natural
language processing, recent work \cite{Zhang14,Zhang15} has proposed the use of
the maximum loss over random structured outputs sampled independently from some
proposal distribution. This method is linear-time in the number of random
structured outputs and trivially parallelizable. We study this family of loss
functions in the PAC-Bayes framework under Gaussian perturbations
\cite{McAllester07}. Under some technical conditions and up to statistical
accuracy, we show that this family of loss functions produces a tighter upper
bound of the Gibbs decoder distortion than commonly used methods. Thus, using
the maximum loss over random structured outputs is a principled way of learning
the parameter of structured prediction models. Besides explaining the
experimental success of \cite{Zhang14,Zhang15}, our theoretical results show
that more general techniques are possible.
|
MAP Support Detection for Greedy Sparse Signal Recovery Algorithms in
Compressive Sensing | A reliable support detection is essential for a greedy algorithm to
reconstruct a sparse signal accurately from compressed and noisy measurements.
This paper proposes a novel support detection method for greedy algorithms,
which is referred to as "\textit{maximum a posteriori (MAP) support
detection}". Unlike existing support detection methods that identify support
indices with the largest correlation value in magnitude per iteration, the
proposed method selects them with the largest likelihood ratios computed under
the true and null support hypotheses by simultaneously exploiting the
distributions of sensing matrix, sparse signal, and noise. Leveraging this
technique, MAP-Matching Pursuit (MAP-MP) is first presented to show the
advantages of exploiting the proposed support detection method, and a
sufficient condition for perfect signal recovery is derived for the case when
the sparse signal is binary. Subsequently, a set of iterative greedy
algorithms, called MAP-generalized Orthogonal Matching Pursuit (MAP-gOMP),
MAP-Compressive Sampling Matching Pursuit (MAP-CoSaMP), and MAP-Subspace
Pursuit (MAP-SP) are presented to demonstrate the applicability of the proposed
support detection method to existing greedy algorithms. From empirical results,
it is shown that the proposed greedy algorithms with highly reliable support
detection can be better, faster, and easier to implement than basis pursuit via
linear programming.
|
Progressive EM for Latent Tree Models and Hierarchical Topic Detection | Hierarchical latent tree analysis (HLTA) is recently proposed as a new method
for topic detection. It differs fundamentally from the LDA-based methods in
terms of topic definition, topic-document relationship, and learning method. It
has been shown to discover significantly more coherent topics and better topic
hierarchies. However, HLTA relies on the Expectation-Maximization (EM)
algorithm for parameter estimation and hence is not efficient enough to deal
with large datasets. In this paper, we propose a method to drastically speed up
HLTA using a technique inspired by recent advances in the moments method.
Empirical experiments show that our method greatly improves the efficiency of
HLTA. It is as efficient as the state-of-the-art LDA-based method for
hierarchical topic detection and finds substantially better topics and topic
hierarchies.
|
Dimension Reduction with Non-degrading Generalization | Visualizing high dimensional data by projecting them into two or three
dimensional space is one of the most effective ways to intuitively understand
the data's underlying characteristics, for example their class neighborhood
structure. While data visualization in low dimensional space can be efficient
for revealing the data's underlying characteristics, classifying a new sample
in the reduced-dimensional space is not always beneficial because of the loss
of information in expressing the data. It is possible to classify the data in
the high dimensional space, while visualizing them in the low dimensional
space, but in this case, the visualization is often meaningless because it
fails to illustrate the underlying characteristics that are crucial for the
classification process.
In this paper, the performance-preserving property of the previously proposed
Restricted Radial Basis Function Network in reducing the dimension of labeled
data is explained. Here, it is argued through empirical experiments that the
internal representation of the Restricted Radial Basis Function Network, which
during the supervised learning process organizes a visualizable two dimensional
map, does not only preserve the topographical structure of high dimensional
data but also captures their class neighborhood structures that are important
for classifying them. Hence, unlike many of the existing dimension reduction
methods, the Restricted Radial Basis Function Network offers two dimensional
visualization that is strongly correlated with the classification process.
|
Relation Classification via Recurrent Neural Network | Deep learning has gained much success in sentence-level relation
classification. For example, convolutional neural networks (CNN) have delivered
competitive performance without much effort on feature engineering as the
conventional pattern-based methods. Thus a lot of works have been produced
based on CNN structures. However, a key issue that has not been well addressed
by the CNN-based method is the lack of capability to learn temporal features,
especially long-distance dependency between nominal pairs. In this paper, we
propose a simple framework based on recurrent neural networks (RNN) and compare
it with CNN-based model. To show the limitation of popular used SemEval-2010
Task 8 dataset, we introduce another dataset refined from MIMLRE(Angeli et al.,
2014). Experiments on two different datasets strongly indicates that the
RNN-based model can deliver better performance on relation classification, and
it is particularly capable of learning long-distance relation patterns. This
makes it suitable for real-world applications where complicated expressions are
often involved.
|
Learning from LDA using Deep Neural Networks | Latent Dirichlet Allocation (LDA) is a three-level hierarchical Bayesian
model for topic inference. In spite of its great success, inferring the latent
topic distribution with LDA is time-consuming. Motivated by the transfer
learning approach proposed by~\newcite{hinton2015distilling}, we present a
novel method that uses LDA to supervise the training of a deep neural network
(DNN), so that the DNN can approximate the costly LDA inference with less
computation. Our experiments on a document classification task show that a
simple DNN can learn the LDA behavior pretty well, while the inference is
speeded up tens or hundreds of times.
|
A review of heterogeneous data mining for brain disorders | With rapid advances in neuroimaging techniques, the research on brain
disorder identification has become an emerging area in the data mining
community. Brain disorder data poses many unique challenges for data mining
research. For example, the raw data generated by neuroimaging experiments is in
tensor representations, with typical characteristics of high dimensionality,
structural complexity and nonlinear separability. Furthermore, brain
connectivity networks can be constructed from the tensor data, embedding subtle
interactions between brain regions. Other clinical measures are usually
available reflecting the disease status from different perspectives. It is
expected that integrating complementary information in the tensor data and the
brain network data, and incorporating other clinical parameters will be
potentially transformative for investigating disease mechanisms and for
informing therapeutic interventions. Many research efforts have been devoted to
this area. They have achieved great success in various applications, such as
tensor-based modeling, subgraph pattern mining, multi-view feature analysis. In
this paper, we review some recent data mining methods that are used for
analyzing brain disorders.
|
Deep Convolutional Networks are Hierarchical Kernel Machines | In i-theory a typical layer of a hierarchical architecture consists of HW
modules pooling the dot products of the inputs to the layer with the
transformations of a few templates under a group. Such layers include as
special cases the convolutional layers of Deep Convolutional Networks (DCNs) as
well as the non-convolutional layers (when the group contains only the
identity). Rectifying nonlinearities -- which are used by present-day DCNs --
are one of the several nonlinearities admitted by i-theory for the HW module.
We discuss here the equivalence between group averages of linear combinations
of rectifying nonlinearities and an associated kernel. This property implies
that present-day DCNs can be exactly equivalent to a hierarchy of kernel
machines with pooling and non-pooling layers. Finally, we describe a conjecture
for theoretically understanding hierarchies of such modules. A main consequence
of the conjecture is that hierarchies of trained HW modules minimize memory
requirements while computing a selective and invariant representation.
|
Listen, Attend and Spell | We present Listen, Attend and Spell (LAS), a neural network that learns to
transcribe speech utterances to characters. Unlike traditional DNN-HMM models,
this model learns all the components of a speech recognizer jointly. Our system
has two components: a listener and a speller. The listener is a pyramidal
recurrent network encoder that accepts filter bank spectra as inputs. The
speller is an attention-based recurrent network decoder that emits characters
as outputs. The network produces character sequences without making any
independence assumptions between the characters. This is the key improvement of
LAS over previous end-to-end CTC models. On a subset of the Google voice search
task, LAS achieves a word error rate (WER) of 14.1% without a dictionary or a
language model, and 10.3% with language model rescoring over the top 32 beams.
By comparison, the state-of-the-art CLDNN-HMM model achieves a WER of 8.0%.
|
Empirical Similarity for Absent Data Generation in Imbalanced
Classification | When the training data in a two-class classification problem is overwhelmed
by one class, most classification techniques fail to correctly identify the
data points belonging to the underrepresented class. We propose
Similarity-based Imbalanced Classification (SBIC) that learns patterns in the
training data based on an empirical similarity function. To take the imbalanced
structure of the training data into account, SBIC utilizes the concept of
absent data, i.e. data from the minority class which can help better find the
boundary between the two classes. SBIC simultaneously optimizes the weights of
the empirical similarity function and finds the locations of absent data
points. As such, SBIC uses an embedded mechanism for synthetic data generation
which does not modify the training dataset, but alters the algorithm to suit
imbalanced datasets. Therefore, SBIC uses the ideas of both major schools of
thoughts in imbalanced classification: Like cost-sensitive approaches SBIC
operates on an algorithm level to handle imbalanced structures; and similar to
synthetic data generation approaches, it utilizes the properties of unobserved
data points from the minority class. The application of SBIC to imbalanced
datasets suggests it is comparable to, and in some cases outperforms, other
commonly used classification techniques for imbalanced datasets.
|
Nonlinear Metric Learning for kNN and SVMs through Geometric
Transformations | In recent years, research efforts to extend linear metric learning models to
handle nonlinear structures have attracted great interests. In this paper, we
propose a novel nonlinear solution through the utilization of deformable
geometric models to learn spatially varying metrics, and apply the strategy to
boost the performance of both kNN and SVM classifiers. Thin-plate splines (TPS)
are chosen as the geometric model due to their remarkable versatility and
representation power in accounting for high-order deformations. By transforming
the input space through TPS, we can pull same-class neighbors closer while
pushing different-class points farther away in kNN, as well as make the input
data points more linearly separable in SVMs. Improvements in the performance of
kNN classification are demonstrated through experiments on synthetic and real
world datasets, with comparisons made with several state-of-the-art metric
learning solutions. Our SVM-based models also achieve significant improvements
over traditional linear and kernel SVMs with the same datasets.
|
Theoretical and Empirical Analysis of a Parallel Boosting Algorithm | Many real-world problems involve massive amounts of data. Under these
circumstances learning algorithms often become prohibitively expensive, making
scalability a pressing issue to be addressed. A common approach is to perform
sampling to reduce the size of the dataset and enable efficient learning.
Alternatively, one customizes learning algorithms to achieve scalability. In
either case, the key challenge is to obtain algorithmic efficiency without
compromising the quality of the results. In this paper we discuss a
meta-learning algorithm (PSBML) which combines features of parallel algorithms
with concepts from ensemble and boosting methodologies to achieve the desired
scalability property. We present both theoretical and empirical analyses which
show that PSBML preserves a critical property of boosting, specifically,
convergence to a distribution centered around the margin. We then present
additional empirical analyses showing that this meta-level algorithm provides a
general and effective framework that can be used in combination with a variety
of learning classifiers. We perform extensive experiments to investigate the
tradeoff achieved between scalability and accuracy, and robustness to noise, on
both synthetic and real-world data. These empirical results corroborate our
theoretical analysis, and demonstrate the potential of PSBML in achieving
scalability without sacrificing accuracy.
|
Applying Deep Learning to Answer Selection: A Study and An Open Task | We apply a general deep learning framework to address the non-factoid
question answering task. Our approach does not rely on any linguistic tools and
can be applied to different languages or domains. Various architectures are
presented and compared. We create and release a QA corpus and setup a new QA
task in the insurance domain. Experimental results demonstrate superior
performance compared to the baseline methods and various technologies give
further improvements. For this highly challenging task, the top-1 accuracy can
reach up to 65.3% on a test set, which indicates a great potential for
practical use.
|
Sublinear Partition Estimation | The output scores of a neural network classifier are converted to
probabilities via normalizing over the scores of all competing categories.
Computing this partition function, $Z$, is then linear in the number of
categories, which is problematic as real-world problem sets continue to grow in
categorical types, such as in visual object recognition or discriminative
language modeling. We propose three approaches for sublinear estimation of the
partition function, based on approximate nearest neighbor search and kernel
feature maps and compare the performance of the proposed approaches
empirically.
|
Asynchronous Distributed Semi-Stochastic Gradient Optimization | With the recent proliferation of large-scale learning problems,there have
been a lot of interest on distributed machine learning algorithms, particularly
those that are based on stochastic gradient descent (SGD) and its variants.
However, existing algorithms either suffer from slow convergence due to the
inherent variance of stochastic gradients, or have a fast linear convergence
rate but at the expense of poorer solution quality. In this paper, we combine
their merits by proposing a fast distributed asynchronous SGD-based algorithm
with variance reduction. A constant learning rate can be used, and it is also
guaranteed to converge linearly to the optimal solution. Experiments on the
Google Cloud Computing Platform demonstrate that the proposed algorithm
outperforms state-of-the-art distributed asynchronous algorithms in terms of
both wall clock time and solution quality.
|
Using Deep Learning for Detecting Spoofing Attacks on Speech Signals | It is well known that speaker verification systems are subject to spoofing
attacks. The Automatic Speaker Verification Spoofing and Countermeasures
Challenge -- ASVSpoof2015 -- provides a standard spoofing database, containing
attacks based on synthetic speech, along with a protocol for experiments. This
paper describes CPqD's systems submitted to the ASVSpoof2015 Challenge, based
on deep neural networks, working both as a classifier and as a feature
extraction module for a GMM and a SVM classifier. Results show the validity of
this approach, achieving less than 0.5\% EER for known attacks.
|
An End-to-End Neural Network for Polyphonic Piano Music Transcription | We present a supervised neural network model for polyphonic piano music
transcription. The architecture of the proposed model is analogous to speech
recognition systems and comprises an acoustic model and a music language model.
The acoustic model is a neural network used for estimating the probabilities of
pitches in a frame of audio. The language model is a recurrent neural network
that models the correlations between pitch combinations over time. The proposed
model is general and can be used to transcribe polyphonic music without
imposing any constraints on the polyphony. The acoustic and language model
predictions are combined using a probabilistic graphical model. Inference over
the output variables is performed using the beam search algorithm. We perform
two sets of experiments. We investigate various neural network architectures
for the acoustic models and also investigate the effect of combining acoustic
and music language model predictions using the proposed architecture. We
compare performance of the neural network based acoustic models with two
popular unsupervised acoustic models. Results show that convolutional neural
network acoustic models yields the best performance across all evaluation
metrics. We also observe improved performance with the application of the music
language models. Finally, we present an efficient variant of beam search that
improves performance and reduces run-times by an order of magnitude, making the
model suitable for real-time applications.
|
Deep Boosting: Joint Feature Selection and Analysis Dictionary Learning
in Hierarchy | This work investigates how the traditional image classification pipelines can
be extended into a deep architecture, inspired by recent successes of deep
neural networks. We propose a deep boosting framework based on layer-by-layer
joint feature boosting and dictionary learning. In each layer, we construct a
dictionary of filters by combining the filters from the lower layer, and
iteratively optimize the image representation with a joint
discriminative-generative formulation, i.e. minimization of empirical
classification error plus regularization of analysis image generation over
training images. For optimization, we perform two iterating steps: i) to
minimize the classification error, select the most discriminative features
using the gentle adaboost algorithm; ii) according to the feature selection,
update the filters to minimize the regularization on analysis image
representation using the gradient descent method. Once the optimization is
converged, we learn the higher layer representation in the same way. Our model
delivers several distinct advantages. First, our layer-wise optimization
provides the potential to build very deep architectures. Second, the generated
image representation is compact and meaningful. In several visual recognition
tasks, our framework outperforms existing state-of-the-art approaches.
|
Diffusion Maximum Correntropy Criterion Algorithms for Robust
Distributed Estimation | Robust diffusion adaptive estimation algorithms based on the maximum
correntropy criterion (MCC), including adaptation to combination MCC and
combination to adaptation MCC, are developed to deal with the distributed
estimation over network in impulsive (long-tailed) noise environments. The cost
functions used in distributed estimation are in general based on the mean
square error (MSE) criterion, which is desirable when the measurement noise is
Gaussian. In non-Gaussian situations, such as the impulsive-noise case, MCC
based methods may achieve much better performance than the MSE methods as they
take into account higher order statistics of error distribution. The proposed
methods can also outperform the robust diffusion least mean p-power(DLMP) and
diffusion minimum error entropy (DMEE) algorithms. The mean and mean square
convergence analysis of the new algorithms are also carried out.
|
A variational approach to the consistency of spectral clustering | This paper establishes the consistency of spectral approaches to data
clustering. We consider clustering of point clouds obtained as samples of a
ground-truth measure. A graph representing the point cloud is obtained by
assigning weights to edges based on the distance between the points they
connect. We investigate the spectral convergence of both unnormalized and
normalized graph Laplacians towards the appropriate operators in the continuum
domain. We obtain sharp conditions on how the connectivity radius can be scaled
with respect to the number of sample points for the spectral convergence to
hold.
We also show that the discrete clusters obtained via spectral clustering
converge towards a continuum partition of the ground truth measure. Such
continuum partition minimizes a functional describing the continuum analogue of
the graph-based spectral partitioning. Our approach, based on variational
convergence, is general and flexible.
|
Crowd Access Path Optimization: Diversity Matters | Quality assurance is one the most important challenges in crowdsourcing.
Assigning tasks to several workers to increase quality through redundant
answers can be expensive if asking homogeneous sources. This limitation has
been overlooked by current crowdsourcing platforms resulting therefore in
costly solutions. In order to achieve desirable cost-quality tradeoffs it is
essential to apply efficient crowd access optimization techniques. Our work
argues that optimization needs to be aware of diversity and correlation of
information within groups of individuals so that crowdsourcing redundancy can
be adequately planned beforehand. Based on this intuitive idea, we introduce
the Access Path Model (APM), a novel crowd model that leverages the notion of
access paths as an alternative way of retrieving information. APM aggregates
answers ensuring high quality and meaningful confidence. Moreover, we devise a
greedy optimization algorithm for this model that finds a provably good
approximate plan to access the crowd. We evaluate our approach on three
crowdsourced datasets that illustrate various aspects of the problem. Our
results show that the Access Path Model combined with greedy optimization is
cost-efficient and practical to overcome common difficulties in large-scale
crowdsourcing like data sparsity and anonymity.
|
Improving Decision Analytics with Deep Learning: The Case of Financial
Disclosures | Decision analytics commonly focuses on the text mining of financial news
sources in order to provide managerial decision support and to predict stock
market movements. Existing predictive frameworks almost exclusively apply
traditional machine learning methods, whereas recent research indicates that
traditional machine learning methods are not sufficiently capable of extracting
suitable features and capturing the non-linear nature of complex tasks. As a
remedy, novel deep learning models aim to overcome this issue by extending
traditional neural network models with additional hidden layers. Indeed, deep
learning has been shown to outperform traditional methods in terms of
predictive performance. In this paper, we adapt the novel deep learning
technique to financial decision support. In this instance, we aim to predict
the direction of stock movements following financial disclosures. As a result,
we show how deep learning can outperform the accuracy of random forests as a
benchmark for machine learning by 5.66%.
|
Sensitivity study using machine learning algorithms on simulated r-mode
gravitational wave signals from newborn neutron stars | This is a follow-up sensitivity study on r-mode gravitational wave signals
from newborn neutron stars illustrating the applicability of machine learning
algorithms for the detection of long-lived gravitational-wave transients. In
this sensitivity study we examine three machine learning algorithms (MLAs):
artificial neural networks (ANNs), support vector machines (SVMs) and
constrained subspace classifiers (CSCs). The objective of this study is to
compare the detection efficiency that MLAs can achieve with the efficiency of
conventional detection algorithms discussed in an earlier paper. Comparisons
are made using 2 distinct r-mode waveforms. For the training of the MLAs we
assumed that some information about the distance to the source is given so that
the training was performed over distance ranges not wider than half an order of
magnitude. The results of this study suggest that machine learning algorithms
are suitable for the detection of long-lived gravitational-wave transients and
that when assuming knowledge of the distance to the source, MLAs are at least
as efficient as conventional methods.
|
A Linearly-Convergent Stochastic L-BFGS Algorithm | We propose a new stochastic L-BFGS algorithm and prove a linear convergence
rate for strongly convex and smooth functions. Our algorithm draws heavily from
a recent stochastic variant of L-BFGS proposed in Byrd et al. (2014) as well as
a recent approach to variance reduction for stochastic gradient descent from
Johnson and Zhang (2013). We demonstrate experimentally that our algorithm
performs well on large-scale convex and non-convex optimization problems,
exhibiting linear convergence and rapidly solving the optimization problems to
high levels of precision. Furthermore, we show that our algorithm performs well
for a wide-range of step sizes, often differing by several orders of magnitude.
|
Lifted Representation of Relational Causal Models Revisited:
Implications for Reasoning and Structure Learning | Maier et al. (2010) introduced the relational causal model (RCM) for
representing and inferring causal relationships in relational data. A lifted
representation, called abstract ground graph (AGG), plays a central role in
reasoning with and learning of RCM. The correctness of the algorithm proposed
by Maier et al. (2013a) for learning RCM from data relies on the soundness and
completeness of AGG for relational d-separation to reduce the learning of an
RCM to learning of an AGG. We revisit the definition of AGG and show that AGG,
as defined in Maier et al. (2013b), does not correctly abstract all ground
graphs. We revise the definition of AGG to ensure that it correctly abstracts
all ground graphs. We further show that AGG representation is not complete for
relational d-separation, that is, there can exist conditional independence
relations in an RCM that are not entailed by AGG. A careful examination of the
relationship between the lack of completeness of AGG for relational
d-separation and faithfulness conditions suggests that weaker notions of
completeness, namely adjacency faithfulness and orientation faithfulness
between an RCM and its AGG, can be used to learn an RCM from data.
|
Learning Structural Kernels for Natural Language Processing | Structural kernels are a flexible learning paradigm that has been widely used
in Natural Language Processing. However, the problem of model selection in
kernel-based methods is usually overlooked. Previous approaches mostly rely on
setting default values for kernel hyperparameters or using grid search, which
is slow and coarse-grained. In contrast, Bayesian methods allow efficient model
selection by maximizing the evidence on the training data through
gradient-based methods. In this paper we show how to perform this in the
context of structural kernels by using Gaussian Processes. Experimental results
on tree kernels show that this procedure results in better prediction
performance compared to hyperparameter optimization via grid search. The
framework proposed in this paper can be adapted to other structures besides
trees, e.g., strings and graphs, thereby extending the utility of kernel-based
methods.
|
Dropout Training for SVMs with Data Augmentation | Dropout and other feature noising schemes have shown promising results in
controlling over-fitting by artificially corrupting the training data. Though
extensive theoretical and empirical studies have been performed for generalized
linear models, little work has been done for support vector machines (SVMs),
one of the most successful approaches for supervised learning. This paper
presents dropout training for both linear SVMs and the nonlinear extension with
latent representation learning. For linear SVMs, to deal with the intractable
expectation of the non-smooth hinge loss under corrupting distributions, we
develop an iteratively re-weighted least square (IRLS) algorithm by exploring
data augmentation techniques. Our algorithm iteratively minimizes the
expectation of a re-weighted least square problem, where the re-weights are
analytically updated. For nonlinear latent SVMs, we consider learning one layer
of latent representations in SVMs and extend the data augmentation technique in
conjunction with first-order Taylor-expansion to deal with the intractable
expected non-smooth hinge loss and the nonlinearity of latent representations.
Finally, we apply the similar data augmentation ideas to develop a new IRLS
algorithm for the expected logistic loss under corrupting distributions, and we
further develop a non-linear extension of logistic regression by incorporating
one layer of latent representations. Our algorithms offer insights on the
connection and difference between the hinge loss and logistic loss in dropout
training. Empirical results on several real datasets demonstrate the
effectiveness of dropout training on significantly boosting the classification
accuracy of both linear and nonlinear SVMs. In addition, the nonlinear SVMs
further improve the prediction performance on several image datasets.
|
Training Conditional Random Fields with Natural Gradient Descent | We propose a novel parameter estimation procedure that works efficiently for
conditional random fields (CRF). This algorithm is an extension to the maximum
likelihood estimation (MLE), using loss functions defined by Bregman
divergences which measure the proximity between the model expectation and the
empirical mean of the feature vectors. This leads to a flexible training
framework from which multiple update strategies can be derived using natural
gradient descent (NGD). We carefully choose the convex function inducing the
Bregman divergence so that the types of updates are reduced, while making the
optimization procedure more effective by transforming the gradients of the
log-likelihood loss function. The derived algorithms are very simple and can be
easily implemented on top of the existing stochastic gradient descent (SGD)
optimization procedure, yet it is very effective as illustrated by experimental
results.
|
Approximation-Aware Dependency Parsing by Belief Propagation | We show how to train the fast dependency parser of Smith and Eisner (2008)
for improved accuracy. This parser can consider higher-order interactions among
edges while retaining O(n^3) runtime. It outputs the parse with maximum
expected recall -- but for speed, this expectation is taken under a posterior
distribution that is constructed only approximately, using loopy belief
propagation through structured factors. We show how to adjust the model
parameters to compensate for the errors introduced by this approximation, by
following the gradient of the actual loss on training data. We find this
gradient by back-propagation. That is, we treat the entire parser
(approximations and all) as a differentiable circuit, as Stoyanov et al. (2011)
and Domke (2010) did for loopy CRFs. The resulting trained parser obtains
higher accuracy with fewer iterations of belief propagation than one trained by
conditional log-likelihood.
|
FactorBase: SQL for Learning A Multi-Relational Graphical Model | We describe FactorBase, a new SQL-based framework that leverages a relational
database management system to support multi-relational model discovery. A
multi-relational statistical model provides an integrated analysis of the
heterogeneous and interdependent data resources in the database. We adopt the
BayesStore design philosophy: statistical models are stored and managed as
first-class citizens inside a database. Whereas previous systems like
BayesStore support multi-relational inference, FactorBase supports
multi-relational learning. A case study on six benchmark databases evaluates
how our system supports a challenging machine learning application, namely
learning a first-order Bayesian network model for an entire database. Model
learning in this setting has to examine a large number of potential statistical
associations across data tables. Our implementation shows how the SQL
constructs in FactorBase facilitate the fast, modular, and reliable development
of highly scalable model learning systems.
|
Towards Machine Wald | The past century has seen a steady increase in the need of estimating and
predicting complex systems and making (possibly critical) decisions with
limited information. Although computers have made possible the numerical
evaluation of sophisticated statistical models, these models are still designed
\emph{by humans} because there is currently no known recipe or algorithm for
dividing the design of a statistical model into a sequence of arithmetic
operations. Indeed enabling computers to \emph{think} as \emph{humans} have the
ability to do when faced with uncertainty is challenging in several major ways:
(1) Finding optimal statistical models remains to be formulated as a well posed
problem when information on the system of interest is incomplete and comes in
the form of a complex combination of sample data, partial knowledge of
constitutive relations and a limited description of the distribution of input
random variables. (2) The space of admissible scenarios along with the space of
relevant information, assumptions, and/or beliefs, tend to be infinite
dimensional, whereas calculus on a computer is necessarily discrete and finite.
With this purpose, this paper explores the foundations of a rigorous framework
for the scientific computation of optimal statistical estimators/models and
reviews their connections with Decision Theory, Machine Learning, Bayesian
Inference, Stochastic Optimization, Robust Optimization, Optimal Uncertainty
Quantification and Information Based Complexity.
|
Primal-Dual Active-Set Methods for Isotonic Regression and Trend
Filtering | Isotonic regression (IR) is a non-parametric calibration method used in
supervised learning. For performing large-scale IR, we propose a primal-dual
active-set (PDAS) algorithm which, in contrast to the state-of-the-art Pool
Adjacent Violators (PAV) algorithm, can be parallized and is easily
warm-started thus well-suited in the online settings. We prove that, like the
PAV algorithm, our PDAS algorithm for IR is convergent and has a work
complexity of O(n), though our numerical experiments suggest that our PDAS
algorithm is often faster than PAV. In addition, we propose PDAS variants (with
safeguarding to ensure convergence) for solving related trend filtering (TF)
problems, providing the results of experiments to illustrate their
effectiveness.
|
Normalized Hierarchical SVM | We present improved methods of using structured SVMs in a large-scale
hierarchical classification problem, that is when labels are leaves, or sets of
leaves, in a tree or a DAG. We examine the need to normalize both the
regularization and the margin and show how doing so significantly improves
performance, including allowing achieving state-of-the-art results where
unnormalized structured SVMs do not perform better than flat models. We also
describe a further extension of hierarchical SVMs that highlight the connection
between hierarchical SVMs and matrix factorization models.
|
Type-Constrained Representation Learning in Knowledge Graphs | Large knowledge graphs increasingly add value to various applications that
require machines to recognize and understand queries and their semantics, as in
search or question answering systems. Latent variable models have increasingly
gained attention for the statistical modeling of knowledge graphs, showing
promising results in tasks related to knowledge graph completion and cleaning.
Besides storing facts about the world, schema-based knowledge graphs are backed
by rich semantic descriptions of entities and relation-types that allow
machines to understand the notion of things and their semantic relationships.
In this work, we study how type-constraints can generally support the
statistical modeling with latent variable models. More precisely, we integrated
prior knowledge in form of type-constraints in various state of the art latent
variable approaches. Our experimental results show that prior knowledge on
relation-types significantly improves these models up to 77% in link-prediction
tasks. The achieved improvements are especially prominent when a low model
complexity is enforced, a crucial requirement when these models are applied to
very large datasets. Unfortunately, type-constraints are neither always
available nor always complete e.g., they can become fuzzy when entities lack
proper typing. We show that in these cases, it can be beneficial to apply a
local closed-world assumption that approximates the semantics of relation-types
based on observations made in the data.
|
Artificial Prediction Markets for Online Prediction of Continuous
Variables-A Preliminary Report | We propose the Artificial Continuous Prediction Market (ACPM) as a means to
predict a continuous real value, by integrating a range of data sources and
aggregating the results of different machine learning (ML) algorithms. ACPM
adapts the concept of the (physical) prediction market to address the
prediction of real values instead of discrete events. Each ACPM participant has
a data source, a ML algorithm and a local decision-making procedure that
determines what to bid on what value. The contributions of ACPM are: (i)
adaptation to changes in data quality by the use of learning in: (a) the
market, which weights each market participant to adjust the influence of each
on the market prediction and (b) the participants, which use a Q-learning based
trading strategy to incorporate the market prediction into their subsequent
predictions, (ii) resilience to a changing population of low- and
high-performing participants. We demonstrate the effectiveness of ACPM by
application to an influenza-like illnesses data set, showing ACPM out-performs
a range of well-known regression models and is resilient to variation in data
source quality.
|
The Effects of Hyperparameters on SGD Training of Neural Networks | The performance of neural network classifiers is determined by a number of
hyperparameters, including learning rate, batch size, and depth. A number of
attempts have been made to explore these parameters in the literature, and at
times, to develop methods for optimizing them. However, exploration of
parameter spaces has often been limited. In this note, I report the results of
large scale experiments exploring these different parameters and their
interactions.
|
On the Convergence of SGD Training of Neural Networks | Neural networks are usually trained by some form of stochastic gradient
descent (SGD)). A number of strategies are in common use intended to improve
SGD optimization, such as learning rate schedules, momentum, and batching.
These are motivated by ideas about the occurrence of local minima at different
scales, valleys, and other phenomena in the objective function. Empirical
results presented here suggest that these phenomena are not significant factors
in SGD optimization of MLP-related objective functions, and that the behavior
of stochastic gradient descent in these problems is better described as the
simultaneous convergence at different rates of many, largely non-interacting
subproblems
|
Learning to Hire Teams | Crowdsourcing and human computation has been employed in increasingly
sophisticated projects that require the solution of a heterogeneous set of
tasks. We explore the challenge of building or hiring an effective team, for
performing tasks required for such projects on an ongoing basis, from an
available pool of applicants or workers who have bid for the tasks. The
recruiter needs to learn workers' skills and expertise by performing online
tests and interviews, and would like to minimize the amount of budget or time
spent in this process before committing to hiring the team. How can one
optimally spend budget to learn the expertise of workers as part of recruiting
a team? How can one exploit the similarities among tasks as well as underlying
social ties or commonalities among the workers for faster learning? We tackle
these decision-theoretic challenges by casting them as an instance of online
learning for best action selection. We present algorithms with PAC bounds on
the required budget to hire a near-optimal team with high confidence.
Furthermore, we consider an embedding of the tasks and workers in an underlying
graph that may arise from task similarities or social ties, and that can
provide additional side-observations for faster learning. We then quantify the
improvement in the bounds that we can achieve depending on the characteristic
properties of this graph structure. We evaluate our methodology on simulated
problem instances as well as on real-world crowdsourcing data collected from
the oDesk platform. Our methodology and results present an interesting
direction of research to tackle the challenges faced by a recruiter for
contract-based crowdsourcing.
|
Manifold regularization in structured output space for semi-supervised
structured output prediction | Structured output prediction aims to learn a predictor to predict a
structured output from a input data vector. The structured outputs include
vector, tree, sequence, etc. We usually assume that we have a training set of
input-output pairs to train the predictor. However, in many real-world appli-
cations, it is difficult to obtain the output for a input, thus for many
training input data points, the structured outputs are missing. In this paper,
we dis- cuss how to learn from a training set composed of some input-output
pairs, and some input data points without outputs. This problem is called semi-
supervised structured output prediction. We propose a novel method for this
problem by constructing a nearest neighbor graph from the input space to
present the manifold structure, and using it to regularize the structured out-
put space directly. We define a slack structured output for each training data
point, and proposed to predict it by learning a structured output predictor.
The learning of both slack structured outputs and the predictor are unified
within one single minimization problem. In this problem, we propose to mini-
mize the structured loss between the slack structured outputs of neighboring
data points, and the prediction error measured by the structured loss. The
problem is optimized by an iterative algorithm. Experiment results over three
benchmark data sets show its advantage.
|
No Regret Bound for Extreme Bandits | Algorithms for hyperparameter optimization abound, all of which work well
under different and often unverifiable assumptions. Motivated by the general
challenge of sequentially choosing which algorithm to use, we study the more
specific task of choosing among distributions to use for random hyperparameter
optimization. This work is naturally framed in the extreme bandit setting,
which deals with sequentially choosing which distribution from a collection to
sample in order to minimize (maximize) the single best cost (reward). Whereas
the distributions in the standard bandit setting are primarily characterized by
their means, a number of subtleties arise when we care about the minimal cost
as opposed to the average cost. For example, there may not be a well-defined
"best" distribution as there is in the standard bandit setting. The best
distribution depends on the rewards that have been obtained and on the
remaining time horizon. Whereas in the standard bandit setting, it is sensible
to compare policies with an oracle which plays the single best arm, in the
extreme bandit setting, there are multiple sensible oracle models. We define a
sensible notion of "extreme regret" in the extreme bandit setting, which
parallels the concept of regret in the standard bandit setting. We then prove
that no policy can asymptotically achieve no extreme regret.
|
From Cutting Planes Algorithms to Compression Schemes and Active
Learning | Cutting-plane methods are well-studied localization(and optimization)
algorithms. We show that they provide a natural framework to perform
machinelearning ---and not just to solve optimization problems posed by
machinelearning--- in addition to their intended optimization use. In
particular, theyallow one to learn sparse classifiers and provide good
compression schemes.Moreover, we show that very little effort is required to
turn them intoeffective active learning methods. This last property provides a
generic way todesign a whole family of active learning algorithms from existing
passivemethods. We present numerical simulations testifying of the relevance
ofcutting-plane methods for passive and active learning tasks.
|
Optimized Projections for Compressed Sensing via Direct Mutual Coherence
Minimization | Compressed Sensing (CS) is a novel technique for simultaneous signal sampling
and compression based on the existence of a sparse representation of signal and
a projected dictionary $PD$, where $P\in\mathbb{R}^{m\times d}$ is the
projection matrix and $D\in\mathbb{R}^{d\times n}$ is the dictionary. To
exactly recover the signal with a small number of measurements $m$, the
projected dictionary $PD$ is expected to be of low mutual coherence. Several
previous methods attempt to find the projection $P$ such that the mutual
coherence of $PD$ can be as low as possible. However, they do not minimize the
mutual coherence directly and thus their methods are far from optimal. Also the
solvers they used lack of the convergence guarantee and thus there has no
guarantee on the quality of their obtained solutions. This work aims to address
these issues. We propose to find an optimal projection by minimizing the mutual
coherence of $PD$ directly. This leads to a nonconvex nonsmooth minimization
problem. We then approximate it by smoothing and solve it by alternate
minimization. We further prove the convergence of our algorithm. To the best of
our knowledge, this is the first work which directly minimizes the mutual
coherence of the projected dictionary with a convergence guarantee. Numerical
experiments demonstrate that the proposed method can recover sparse signals
better than existing methods.
|
Probabilistic Dependency Networks for Prediction and Diagnostics | Research in transportation frequently involve modelling and predicting
attributes of events that occur at regular intervals. The event could be
arrival of a bus at a bus stop, the volume of a traffic at a particular point,
the demand at a particular bus stop etc. In this work, we propose a specific
implementation of probabilistic graphical models to learn the probabilistic
dependency between the events that occur in a network. A dependency graph is
built from the past observed instances of the event and we use the graph to
understand the causal effects of some events on others in the system. The
dependency graph is also used to predict the attributes of future events and is
shown to have a good prediction accuracy compared to the state of the art.
|
Hash Function Learning via Codewords | In this paper we introduce a novel hash learning framework that has two main
distinguishing features, when compared to past approaches. First, it utilizes
codewords in the Hamming space as ancillary means to accomplish its hash
learning task. These codewords, which are inferred from the data, attempt to
capture similarity aspects of the data's hash codes. Secondly and more
importantly, the same framework is capable of addressing supervised,
unsupervised and, even, semi-supervised hash learning tasks in a natural
manner. A series of comparative experiments focused on content-based image
retrieval highlights its performance advantages.
|
A Survey on Contextual Multi-armed Bandits | In this survey we cover a few stochastic and adversarial contextual bandit
algorithms. We analyze each algorithm's assumption and regret bound.
|
Multi-Task Learning with Group-Specific Feature Space Sharing | When faced with learning a set of inter-related tasks from a limited amount
of usable data, learning each task independently may lead to poor
generalization performance. Multi-Task Learning (MTL) exploits the latent
relations between tasks and overcomes data scarcity limitations by co-learning
all these tasks simultaneously to offer improved performance. We propose a
novel Multi-Task Multiple Kernel Learning framework based on Support Vector
Machines for binary classification tasks. By considering pair-wise task
affinity in terms of similarity between a pair's respective feature spaces, the
new framework, compared to other similar MTL approaches, offers a high degree
of flexibility in determining how similar feature spaces should be, as well as
which pairs of tasks should share a common feature space in order to benefit
overall performance. The associated optimization problem is solved via a block
coordinate descent, which employs a consensus-form Alternating Direction Method
of Multipliers algorithm to optimize the Multiple Kernel Learning weights and,
hence, to determine task affinities. Empirical evaluation on seven data sets
exhibits a statistically significant improvement of our framework's results
compared to the ones of several other Clustered Multi-Task Learning methods.
|
Dimensionality Reduction of Collective Motion by Principal Manifolds | While the existence of low-dimensional embedding manifolds has been shown in
patterns of collective motion, the current battery of nonlinear dimensionality
reduction methods are not amenable to the analysis of such manifolds. This is
mainly due to the necessary spectral decomposition step, which limits control
over the mapping from the original high-dimensional space to the embedding
space. Here, we propose an alternative approach that demands a two-dimensional
embedding which topologically summarizes the high-dimensional data. In this
sense, our approach is closely related to the construction of one-dimensional
principal curves that minimize orthogonal error to data points subject to
smoothness constraints. Specifically, we construct a two-dimensional principal
manifold directly in the high-dimensional space using cubic smoothing splines,
and define the embedding coordinates in terms of geodesic distances. Thus, the
mapping from the high-dimensional data to the manifold is defined in terms of
local coordinates. Through representative examples, we show that compared to
existing nonlinear dimensionality reduction methods, the principal manifold
retains the original structure even in noisy and sparse datasets. The principal
manifold finding algorithm is applied to configurations obtained from a
dynamical system of multiple agents simulating a complex maneuver called
predator mobbing, and the resulting two-dimensional embedding is compared with
that of a well-established nonlinear dimensionality reduction method.
|
A Randomized Rounding Algorithm for Sparse PCA | We present and analyze a simple, two-step algorithm to approximate the
optimal solution of the sparse PCA problem. Our approach first solves a L1
penalized version of the NP-hard sparse PCA optimization problem and then uses
a randomized rounding strategy to sparsify the resulting dense solution. Our
main theoretical result guarantees an additive error approximation and provides
a tradeoff between sparsity and accuracy. Our experimental evaluation indicates
that our approach is competitive in practice, even compared to state-of-the-art
toolboxes such as Spasm.
|
Learning from Real Users: Rating Dialogue Success with Neural Networks
for Reinforcement Learning in Spoken Dialogue Systems | To train a statistical spoken dialogue system (SDS) it is essential that an
accurate method for measuring task success is available. To date training has
relied on presenting a task to either simulated or paid users and inferring the
dialogue's success by observing whether this presented task was achieved or
not. Our aim however is to be able to learn from real users acting under their
own volition, in which case it is non-trivial to rate the success as any prior
knowledge of the task is simply unavailable. User feedback may be utilised but
has been found to be inconsistent. Hence, here we present two neural network
models that evaluate a sequence of turn-level features to rate the success of a
dialogue. Importantly these models make no use of any prior knowledge of the
user's task. The models are trained on dialogues generated by a simulated user
and the best model is then used to train a policy on-line which is shown to
perform at least as well as a baseline system using prior knowledge of the
user's task. We note that the models should also be of interest for evaluating
SDS and for monitoring a dialogue in rule-based SDS.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.