title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Deep Spatial Autoencoders for Visuomotor Learning | Reinforcement learning provides a powerful and flexible framework for
automated acquisition of robotic motion skills. However, applying reinforcement
learning requires a sufficiently detailed representation of the state,
including the configuration of task-relevant objects. We present an approach
that automates state-space construction by learning a state representation
directly from camera images. Our method uses a deep spatial autoencoder to
acquire a set of feature points that describe the environment for the current
task, such as the positions of objects, and then learns a motion skill with
these feature points using an efficient reinforcement learning method based on
local linear models. The resulting controller reacts continuously to the
learned feature points, allowing the robot to dynamically manipulate objects in
the world with closed-loop control. We demonstrate our method with a PR2 robot
on tasks that include pushing a free-standing toy block, picking up a bag of
rice using a spatula, and hanging a loop of rope on a hook at various
positions. In each task, our method automatically learns to track task-relevant
objects and manipulate their configuration with the robot's arm.
|
The Utility of Clustering in Prediction Tasks | We explore the utility of clustering in reducing error in various prediction
tasks. Previous work has hinted at the improvement in prediction accuracy
attributed to clustering algorithms if used to pre-process the data. In this
work we more deeply investigate the direct utility of using clustering to
improve prediction accuracy and provide explanations for why this may be so. We
look at a number of datasets, run k-means at different scales and for each
scale we train predictors. This produces k sets of predictions. These
predictions are then combined by a na\"ive ensemble. We observed that this use
of a predictor in conjunction with clustering improved the prediction accuracy
in most datasets. We believe this indicates the predictive utility of
exploiting structure in the data and the data compression handed over by
clustering. We also found that using this method improves upon the prediction
of even a Random Forests predictor which suggests this method is providing a
novel, and useful source of variance in the prediction process.
|
Sports highlights generation based on acoustic events detection: A rugby
case study | We approach the challenging problem of generating highlights from sports
broadcasts utilizing audio information only. A language-independent,
multi-stage classification approach is employed for detection of key acoustic
events which then act as a platform for summarization of highlight scenes.
Objective results and human experience indicate that our system is highly
efficient.
|
Efficient Neighborhood Selection for Gaussian Graphical Models | This paper addresses the problem of neighborhood selection for Gaussian
graphical models. We present two heuristic algorithms: a forward-backward
greedy algorithm for general Gaussian graphical models based on mutual
information test, and a threshold-based algorithm for walk summable Gaussian
graphical models. Both algorithms are shown to be structurally consistent, and
efficient. Numerical results show that both algorithms work very well.
|
Harmonic Extension | In this paper, we consider the harmonic extension problem, which is widely
used in many applications of machine learning. We find that the transitional
method of graph Laplacian fails to produce a good approximation of the
classical harmonic function. To tackle this problem, we propose a new method
called the point integral method (PIM). We consider the harmonic extension
problem from the point of view of solving PDEs on manifolds. The basic idea of
the PIM method is to approximate the harmonicity using an integral equation,
which is easy to be discretized from points. Based on the integral equation, we
explain the reason why the transitional graph Laplacian may fail to approximate
the harmonicity in the classical sense and propose a different approach which
we call the volume constraint method (VCM). Theoretically, both the PIM and the
VCM computes a harmonic function with convergence guarantees, and practically,
they are both simple, which amount to solve a linear system. One important
application of the harmonic extension in machine learning is semi-supervised
learning. We run a popular semi-supervised learning algorithm by Zhu et al.
over a couple of well-known datasets and compare the performance of the
aforementioned approaches. Our experiments show the PIM performs the best.
|
Deep Reinforcement Learning with Double Q-learning | The popular Q-learning algorithm is known to overestimate action values under
certain conditions. It was not previously known whether, in practice, such
overestimations are common, whether they harm performance, and whether they can
generally be prevented. In this paper, we answer all these questions
affirmatively. In particular, we first show that the recent DQN algorithm,
which combines Q-learning with a deep neural network, suffers from substantial
overestimations in some games in the Atari 2600 domain. We then show that the
idea behind the Double Q-learning algorithm, which was introduced in a tabular
setting, can be generalized to work with large-scale function approximation. We
propose a specific adaptation to the DQN algorithm and show that the resulting
algorithm not only reduces the observed overestimations, as hypothesized, but
that this also leads to much better performance on several games.
|
Tensorizing Neural Networks | Deep neural networks currently demonstrate state-of-the-art performance in
several domains. At the same time, models of this class are very demanding in
terms of computational resources. In particular, a large amount of memory is
required by commonly used fully-connected layers, making it hard to use the
models on low-end devices and stopping the further increase of the model size.
In this paper we convert the dense weight matrices of the fully-connected
layers to the Tensor Train format such that the number of parameters is reduced
by a huge factor and at the same time the expressive power of the layer is
preserved. In particular, for the Very Deep VGG networks we report the
compression factor of the dense weight matrix of a fully-connected layer up to
200000 times leading to the compression factor of the whole network up to 7
times.
|
Graph Kernels exploiting Weisfeiler-Lehman Graph Isomorphism Test
Extensions | In this paper we present a novel graph kernel framework inspired the by the
Weisfeiler-Lehman (WL) isomorphism tests. Any WL test comprises a relabelling
phase of the nodes based on test-specific information extracted from the graph,
for example the set of neighbours of a node. We defined a novel relabelling and
derived two kernels of the framework from it. The novel kernels are very fast
to compute and achieve state-of-the-art results on five real-world datasets.
|
Reasoning about Entailment with Neural Attention | While most approaches to automatically recognizing entailment relations have
used classifiers employing hand engineered features derived from complex
natural language processing pipelines, in practice their performance has been
only slightly better than bag-of-word pair classifiers using only lexical
similarity. The only attempt so far to build an end-to-end differentiable
neural network for entailment failed to outperform such a simple similarity
classifier. In this paper, we propose a neural model that reads two sentences
to determine entailment using long short-term memory units. We extend this
model with a word-by-word neural attention mechanism that encourages reasoning
over entailments of pairs of words and phrases. Furthermore, we present a
qualitative analysis of attention weights produced by this model, demonstrating
such reasoning capabilities. On a large entailment dataset this model
outperforms the previous best neural model and a classifier with engineered
features by a substantial margin. It is the first generic end-to-end
differentiable system that achieves state-of-the-art accuracy on a textual
entailment dataset.
|
Learning Deep Control Policies for Autonomous Aerial Vehicles with
MPC-Guided Policy Search | Model predictive control (MPC) is an effective method for controlling robotic
systems, particularly autonomous aerial vehicles such as quadcopters. However,
application of MPC can be computationally demanding, and typically requires
estimating the state of the system, which can be challenging in complex,
unstructured environments. Reinforcement learning can in principle forego the
need for explicit state estimation and acquire a policy that directly maps
sensor readings to actions, but is difficult to apply to unstable systems that
are liable to fail catastrophically during training before an effective policy
has been found. We propose to combine MPC with reinforcement learning in the
framework of guided policy search, where MPC is used to generate data at
training time, under full state observations provided by an instrumented
training environment. This data is used to train a deep neural network policy,
which is allowed to access only the raw observations from the vehicle's onboard
sensors. After training, the neural network policy can successfully control the
robot without knowledge of the full state, and at a fraction of the
computational cost of MPC. We evaluate our method by learning obstacle
avoidance policies for a simulated quadrotor, using simulated onboard sensors
and no explicit state estimation at test time.
|
Bandit Label Inference for Weakly Supervised Learning | The scarcity of data annotated at the desired level of granularity is a
recurring issue in many applications. Significant amounts of effort have been
devoted to developing weakly supervised methods tailored to each individual
setting, which are often carefully designed to take advantage of the particular
properties of weak supervision regimes, form of available data and prior
knowledge of the task at hand. Unfortunately, it is difficult to adapt these
methods to new tasks and/or forms of data, which often require different weak
supervision regimes or models. We present a general-purpose method that can
solve any weakly supervised learning problem irrespective of the weak
supervision regime or the model. The proposed method turns any off-the-shelf
strongly supervised classifier into a weakly supervised classifier and allows
the user to specify any arbitrary weakly supervision regime via a loss
function. We apply the method to several different weak supervision regimes and
demonstrate competitive results compared to methods specifically engineered for
those settings.
|
Learning Wake-Sleep Recurrent Attention Models | Despite their success, convolutional neural networks are computationally
expensive because they must examine all image locations. Stochastic
attention-based models have been shown to improve computational efficiency at
test time, but they remain difficult to train because of intractable posterior
inference and high variance in the stochastic gradient estimates. Borrowing
techniques from the literature on training deep generative models, we present
the Wake-Sleep Recurrent Attention Model, a method for training stochastic
attention networks which improves posterior inference and which reduces the
variability in the stochastic gradients. We show that our method can greatly
speed up the training time for stochastic attention networks in the domains of
image classification and caption generation.
|
Model-based Reinforcement Learning with Parametrized Physical Models and
Optimism-Driven Exploration | In this paper, we present a robotic model-based reinforcement learning method
that combines ideas from model identification and model predictive control. We
use a feature-based representation of the dynamics that allows the dynamics
model to be fitted with a simple least squares procedure, and the features are
identified from a high-level specification of the robot's morphology,
consisting of the number and connectivity structure of its links. Model
predictive control is then used to choose the actions under an optimistic model
of the dynamics, which produces an efficient and goal-directed exploration
strategy. We present real time experimental results on standard benchmark
problems involving the pendulum, cartpole, and double pendulum systems.
Experiments indicate that our method is able to learn a range of benchmark
tasks substantially faster than the previous best methods. To evaluate our
approach on a realistic robotic control task, we also demonstrate real time
control of a simulated 7 degree of freedom arm.
|
Supersizing Self-supervision: Learning to Grasp from 50K Tries and 700
Robot Hours | Current learning-based robot grasping approaches exploit human-labeled
datasets for training the models. However, there are two problems with such a
methodology: (a) since each object can be grasped in multiple ways, manually
labeling grasp locations is not a trivial task; (b) human labeling is biased by
semantics. While there have been attempts to train robots using trial-and-error
experiments, the amount of data used in such experiments remains substantially
low and hence makes the learner prone to over-fitting. In this paper, we take
the leap of increasing the available training data to 40 times more than prior
work, leading to a dataset size of 50K data points collected over 700 hours of
robot grasping attempts. This allows us to train a Convolutional Neural Network
(CNN) for the task of predicting grasp locations without severe overfitting. In
our formulation, we recast the regression problem to an 18-way binary
classification over image patches. We also present a multi-stage learning
approach where a CNN trained in one stage is used to collect hard negatives in
subsequent stages. Our experiments clearly show the benefit of using
large-scale datasets (and multi-stage training) for the task of grasping. We
also compare to several baselines and show state-of-the-art performance on
generalization to unseen objects for grasping.
|
One-Shot Learning of Manipulation Skills with Online Dynamics Adaptation
and Neural Network Priors | One of the key challenges in applying reinforcement learning to complex
robotic control tasks is the need to gather large amounts of experience in
order to find an effective policy for the task at hand. Model-based
reinforcement learning can achieve good sample efficiency, but requires the
ability to learn a model of the dynamics that is good enough to learn an
effective policy. In this work, we develop a model-based reinforcement learning
algorithm that combines prior knowledge from previous tasks with online
adaptation of the dynamics model. These two ingredients enable highly
sample-efficient learning even in regimes where estimating the true dynamics is
very difficult, since the online model adaptation allows the method to locally
compensate for unmodeled variation in the dynamics. We encode the prior
experience into a neural network dynamics model, adapt it online by
progressively refitting a local linear model of the dynamics, and use model
predictive control to plan under these dynamics. Our experimental results show
that this approach can be used to solve a variety of complex robotic
manipulation tasks in just a single attempt, using prior data from other
manipulation behaviors.
|
Efficient reconstruction of transmission probabilities in a spreading
process from partial observations | An important problem of reconstruction of diffusion network and transmission
probabilities from the data has attracted a considerable attention in the past
several years. A number of recent papers introduced efficient algorithms for
the estimation of spreading parameters, based on the maximization of the
likelihood of observed cascades, assuming that the full information for all the
nodes in the network is available. In this work, we focus on a more realistic
and restricted scenario, in which only a partial information on the cascades is
available: either the set of activation times for a limited number of nodes, or
the states of nodes for a subset of observation times. To tackle this problem,
we first introduce a framework based on the maximization of the likelihood of
the incomplete diffusion trace. However, we argue that the computation of this
incomplete likelihood is a computationally hard problem, and show that a fast
and robust reconstruction of transmission probabilities in sparse networks can
be achieved with a new algorithm based on recently introduced dynamic
message-passing equations for the spreading processes. The suggested approach
can be easily generalized to a large class of discrete and continuous dynamic
models, as well as to the cases of dynamically-changing networks and noisy
information.
|
Fast k-NN search | Efficient index structures for fast approximate nearest neighbor queries are
required in many applications such as recommendation systems. In
high-dimensional spaces, many conventional methods suffer from excessive usage
of memory and slow response times. We propose a method where multiple random
projection trees are combined by a novel voting scheme. The key idea is to
exploit the redundancy in a large number of candidate sets obtained by
independently generated random projections in order to reduce the number of
expensive exact distance evaluations. The method is straightforward to
implement using sparse projections which leads to a reduced memory footprint
and fast index construction. Furthermore, it enables grouping of the required
computations into big matrix multiplications, which leads to additional savings
due to cache effects and low-level parallelization. We demonstrate by extensive
experiments on a wide variety of data sets that the method is faster than
existing partitioning tree or hashing based approaches, making it the fastest
available technique on high accuracy levels.
|
A Novel Pre-processing Scheme to Improve the Prediction of Sand Fraction
from Seismic Attributes using Neural Networks | This paper presents a novel pre-processing scheme to improve the prediction
of sand fraction from multiple seismic attributes such as seismic impedance,
amplitude and frequency using machine learning and information filtering. The
available well logs along with the 3-D seismic data have been used to benchmark
the proposed pre-processing stage using a methodology which primarily consists
of three steps: pre-processing, training and post-processing. An Artificial
Neural Network (ANN) with conjugate-gradient learning algorithm has been used
to model the sand fraction. The available sand fraction data from the high
resolution well logs has far more information content than the low resolution
seismic attributes. Therefore, regularization schemes based on Fourier
Transform (FT), Wavelet Decomposition (WD) and Empirical Mode Decomposition
(EMD) have been proposed to shape the high resolution sand fraction data for
effective machine learning. The input data sets have been segregated into
training, testing and validation sets. The test results are primarily used to
check different network structures and activation function performances. Once
the network passes the testing phase with an acceptable performance in terms of
the selected evaluators, the validation phase follows. In the validation stage,
the prediction model is tested against unseen data. The network yielding
satisfactory performance in the validation stage is used to predict
lithological properties from seismic attributes throughout a given volume.
Finally, a post-processing scheme using 3-D spatial filtering is implemented
for smoothing the sand fraction in the volume. Prediction of lithological
properties using this framework is helpful for Reservoir Characterization.
|
Detecting phase transitions in collective behavior using manifold's
curvature | If a given behavior of a multi-agent system restricts the phase variable to a
invariant manifold, then we define a phase transition as change of physical
characteristics such as speed, coordination, and structure. We define such a
phase transition as splitting an underlying manifold into two sub-manifolds
with distinct dimensionalities around the singularity where the phase
transition physically exists. Here, we propose a method of detecting phase
transitions and splitting the manifold into phase transitions free
sub-manifolds. Therein, we utilize a relationship between curvature and
singular value ratio of points sampled in a curve, and then extend the
assertion into higher-dimensions using the shape operator. Then we attest that
the same phase transition can also be approximated by singular value ratios
computed locally over the data in a neighborhood on the manifold. We validate
the phase transitions detection method using one particle simulation and three
real world examples.
|
Deep Temporal Sigmoid Belief Networks for Sequence Modeling | Deep dynamic generative models are developed to learn sequential dependencies
in time-series data. The multi-layered model is designed by constructing a
hierarchy of temporal sigmoid belief networks (TSBNs), defined as a sequential
stack of sigmoid belief networks (SBNs). Each SBN has a contextual hidden
state, inherited from the previous SBNs in the sequence, and is used to
regulate its hidden bias. Scalable learning and inference algorithms are
derived by introducing a recognition model that yields fast sampling from the
variational posterior. This recognition model is trained jointly with the
generative model, by maximizing its variational lower bound on the
log-likelihood. Experimental results on bouncing balls, polyphonic music,
motion capture, and text streams show that the proposed approach achieves
state-of-the-art predictive performance, and has the capacity to synthesize
various sequences.
|
A review of learning vector quantization classifiers | In this work we present a review of the state of the art of Learning Vector
Quantization (LVQ) classifiers. A taxonomy is proposed which integrates the
most relevant LVQ approaches to date. The main concepts associated with modern
LVQ approaches are defined. A comparison is made among eleven LVQ classifiers
using one real-world and two artificial datasets.
|
On The Direct Maximization of Quadratic Weighted Kappa | In recent years, quadratic weighted kappa has been growing in popularity in
the machine learning community as an evaluation metric in domains where the
target labels to be predicted are drawn from integer ratings, usually obtained
from human experts. For example, it was the metric of choice in several recent,
high profile machine learning contests hosted on Kaggle :
https://www.kaggle.com/c/asap-aes , https://www.kaggle.com/c/asap-sas ,
https://www.kaggle.com/c/diabetic-retinopathy-detection . Yet, little is
understood about the nature of this metric, its underlying mathematical
properties, where it fits among other common evaluation metrics such as mean
squared error (MSE) and correlation, or if it can be optimized analytically,
and if so, how. Much of this is due to the cumbersome way that this metric is
commonly defined. In this paper we first derive an equivalent but much simpler,
and more useful, definition for quadratic weighted kappa, and then employ this
alternate form to address the above issues.
|
IllinoisSL: A JAVA Library for Structured Prediction | IllinoisSL is a Java library for learning structured prediction models. It
supports structured Support Vector Machines and structured Perceptron. The
library consists of a core learning module and several applications, which can
be executed from command-lines. Documentation is provided to guide users. In
Comparison to other structured learning libraries, IllinoisSL is efficient,
general, and easy to use.
|
Sparsity-based Correction of Exponential Artifacts | This paper describes an exponential transient excision algorithm (ETEA). In
biomedical time series analysis, e.g., in vivo neural recording and
electrocorticography (ECoG), some measurement artifacts take the form of
piecewise exponential transients. The proposed method is formulated as an
unconstrained convex optimization problem, regularized by smoothed l1-norm
penalty function, which can be solved by majorization-minimization (MM) method.
With a slight modification of the regularizer, ETEA can also suppress more
irregular piecewise smooth artifacts, especially, ocular artifacts (OA) in
electroencephalog- raphy (EEG) data. Examples of synthetic signal, EEG data,
and ECoG data are presented to illustrate the proposed algorithms.
|
Provable approximation properties for deep neural networks | We discuss approximation of functions using deep neural nets. Given a
function $f$ on a $d$-dimensional manifold $\Gamma \subset \mathbb{R}^m$, we
construct a sparsely-connected depth-4 neural network and bound its error in
approximating $f$. The size of the network depends on dimension and curvature
of the manifold $\Gamma$, the complexity of $f$, in terms of its wavelet
description, and only weakly on the ambient dimension $m$. Essentially, our
network computes wavelet functions, which are computed from Rectified Linear
Units (ReLU)
|
Adaptive Sequential Optimization with Applications to Machine Learning | A framework is introduced for solving a sequence of slowly changing
optimization problems, including those arising in regression and classification
applications, using optimization algorithms such as stochastic gradient descent
(SGD). The optimization problems change slowly in the sense that the minimizers
change at either a fixed or bounded rate. A method based on estimates of the
change in the minimizers and properties of the optimization algorithm is
introduced for adaptively selecting the number of samples needed from the
distributions underlying each problem in order to ensure that the excess risk,
i.e., the expected gap between the loss achieved by the approximate minimizer
produced by the optimization algorithm and the exact minimizer, does not exceed
a target level. Experiments with synthetic and real data are used to confirm
that this approach performs well.
|
A 128 channel Extreme Learning Machine based Neural Decoder for Brain
Machine Interfaces | Currently, state-of-the-art motor intention decoding algorithms in
brain-machine interfaces are mostly implemented on a PC and consume significant
amount of power. A machine learning co-processor in 0.35um CMOS for motor
intention decoding in brain-machine interfaces is presented in this paper.
Using Extreme Learning Machine algorithm and low-power analog processing, it
achieves an energy efficiency of 290 GMACs/W at a classification rate of 50 Hz.
The learning in second stage and corresponding digitally stored coefficients
are used to increase robustness of the core analog processor. The chip is
verified with neural data recorded in monkey finger movements experiment,
achieving a decoding accuracy of 99.3% for movement type. The same co-processor
is also used to decode time of movement from asynchronous neural spikes. With
time-delayed feature dimension enhancement, the classification accuracy can be
increased by 5% with limited number of input channels. Further, a sparsity
promoting training scheme enables reduction of number of programmable weights
by ~2X.
|
Spatially Encoding Temporal Correlations to Classify Temporal Data Using
Convolutional Neural Networks | We propose an off-line approach to explicitly encode temporal patterns
spatially as different types of images, namely, Gramian Angular Fields and
Markov Transition Fields. This enables the use of techniques from computer
vision for feature learning and classification. We used Tiled Convolutional
Neural Networks to learn high-level features from individual GAF, MTF, and
GAF-MTF images on 12 benchmark time series datasets and two real
spatial-temporal trajectory datasets. The classification results of our
approach are competitive with state-of-the-art approaches on both types of
data. An analysis of the features and weights learned by the CNNs explains why
the approach works.
|
Linear-time Learning on Distributions with Approximate Kernel Embeddings | Many interesting machine learning problems are best posed by considering
instances that are distributions, or sample sets drawn from distributions.
Previous work devoted to machine learning tasks with distributional inputs has
done so through pairwise kernel evaluations between pdfs (or sample sets).
While such an approach is fine for smaller datasets, the computation of an $N
\times N$ Gram matrix is prohibitive in large datasets. Recent scalable
estimators that work over pdfs have done so only with kernels that use
Euclidean metrics, like the $L_2$ distance. However, there are a myriad of
other useful metrics available, such as total variation, Hellinger distance,
and the Jensen-Shannon divergence. This work develops the first random features
for pdfs whose dot product approximates kernels using these non-Euclidean
metrics, allowing estimators using such kernels to scale to large datasets by
working in a primal space, without computing large Gram matrices. We provide an
analysis of the approximation error in using our proposed random features and
show empirically the quality of our approximation both in estimating a Gram
matrix and in solving learning tasks in real-world and synthetic data.
|
A Review of Feature Selection Methods Based on Mutual Information | In this work we present a review of the state of the art of information
theoretic feature selection methods. The concepts of feature relevance,
redundance and complementarity (synergy) are clearly defined, as well as Markov
blanket. The problem of optimal feature selection is defined. A unifying
theoretical framework is described, which can retrofit successful heuristic
criteria, indicating the approximations made by each method. A number of open
problems in the field are presented.
|
Online Stochastic Linear Optimization under One-bit Feedback | In this paper, we study a special bandit setting of online stochastic linear
optimization, where only one-bit of information is revealed to the learner at
each round. This problem has found many applications including online
advertisement and online recommendation. We assume the binary feedback is a
random variable generated from the logit model, and aim to minimize the regret
defined by the unknown linear function. Although the existing method for
generalized linear bandit can be applied to our problem, the high computational
cost makes it impractical for real-world problems. To address this challenge,
we develop an efficient online learning algorithm by exploiting particular
structures of the observation model. Specifically, we adopt online Newton step
to estimate the unknown parameter and derive a tight confidence region based on
the exponential concavity of the logistic loss. Our analysis shows that the
proposed algorithm achieves a regret bound of $O(d\sqrt{T})$, which matches the
optimal result of stochastic linear bandits.
|
A Mathematical Theory for Clustering in Metric Spaces | Clustering is one of the most fundamental problems in data analysis and it
has been studied extensively in the literature. Though many clustering
algorithms have been proposed, clustering theories that justify the use of
these clustering algorithms are still unsatisfactory. In particular, one of the
fundamental challenges is to address the following question:
What is a cluster in a set of data points?
In this paper, we make an attempt to address such a question by considering a
set of data points associated with a distance measure (metric). We first
propose a new cohesion measure in terms of the distance measure. Using the
cohesion measure, we define a cluster as a set of points that are cohesive to
themselves. For such a definition, we show there are various equivalent
statements that have intuitive explanations. We then consider the second
question:
How do we find clusters and good partitions of clusters under such a
definition?
For such a question, we propose a hierarchical agglomerative algorithm and a
partitional algorithm. Unlike standard hierarchical agglomerative algorithms,
our hierarchical agglomerative algorithm has a specific stopping criterion and
it stops with a partition of clusters. Our partitional algorithm, called the
K-sets algorithm in the paper, appears to be a new iterative algorithm. Unlike
the Lloyd iteration that needs two-step minimization, our K-sets algorithm only
takes one-step minimization.
One of the most interesting findings of our paper is the duality result
between a distance measure and a cohesion measure. Such a duality result leads
to a dual K-sets algorithm for clustering a set of data points with a cohesion
measure. The dual K-sets algorithm converges in the same way as a sequential
version of the classical kernel K-means algorithm. The key difference is that a
cohesion measure does not need to be positive semi-definite.
|
Computational Intelligence Challenges and Applications on Large-Scale
Astronomical Time Series Databases | Time-domain astronomy (TDA) is facing a paradigm shift caused by the
exponential growth of the sample size, data complexity and data generation
rates of new astronomical sky surveys. For example, the Large Synoptic Survey
Telescope (LSST), which will begin operations in northern Chile in 2022, will
generate a nearly 150 Petabyte imaging dataset of the southern hemisphere sky.
The LSST will stream data at rates of 2 Terabytes per hour, effectively
capturing an unprecedented movie of the sky. The LSST is expected not only to
improve our understanding of time-varying astrophysical objects, but also to
reveal a plethora of yet unknown faint and fast-varying phenomena. To cope with
a change of paradigm to data-driven astronomy, the fields of astroinformatics
and astrostatistics have been created recently. The new data-oriented paradigms
for astronomy combine statistics, data mining, knowledge discovery, machine
learning and computational intelligence, in order to provide the automated and
robust methods needed for the rapid detection and classification of known
astrophysical objects as well as the unsupervised characterization of novel
phenomena. In this article we present an overview of machine learning and
computational intelligence applications to TDA. Future big data challenges and
new lines of research in TDA, focusing on the LSST, are identified and
discussed from the viewpoint of computational intelligence/machine learning.
Interdisciplinary collaboration will be required to cope with the challenges
posed by the deluge of astronomical data coming from the LSST.
|
Deep Multimodal Embedding: Manipulating Novel Objects with Point-clouds,
Language and Trajectories | A robot operating in a real-world environment needs to perform reasoning over
a variety of sensor modalities such as vision, language and motion
trajectories. However, it is extremely challenging to manually design features
relating such disparate modalities. In this work, we introduce an algorithm
that learns to embed point-cloud, natural language, and manipulation trajectory
data into a shared embedding space with a deep neural network. To learn
semantically meaningful spaces throughout our network, we use a loss-based
margin to bring embeddings of relevant pairs closer together while driving
less-relevant cases from different modalities further apart. We use this both
to pre-train its lower layers and fine-tune our final embedding space, leading
to a more robust representation. We test our algorithm on the task of
manipulating novel objects and appliances based on prior experience with other
objects. On a large dataset, we achieve significant improvements in both
accuracy and inference time over the previous state of the art. We also perform
end-to-end experiments on a PR2 robot utilizing our learned embedding space.
|
Evasion and Hardening of Tree Ensemble Classifiers | Classifier evasion consists in finding for a given instance $x$ the nearest
instance $x'$ such that the classifier predictions of $x$ and $x'$ are
different. We present two novel algorithms for systematically computing
evasions for tree ensembles such as boosted trees and random forests. Our first
algorithm uses a Mixed Integer Linear Program solver and finds the optimal
evading instance under an expressive set of constraints. Our second algorithm
trades off optimality for speed by using symbolic prediction, a novel algorithm
for fast finite differences on tree ensembles. On a digit recognition task, we
demonstrate that both gradient boosted trees and random forests are extremely
susceptible to evasions. Finally, we harden a boosted tree model without loss
of predictive accuracy by augmenting the training set of each boosting round
with evading instances, a technique we call adversarial boosting.
|
Algorithms for Linear Bandits on Polyhedral Sets | We study stochastic linear optimization problem with bandit feedback. The set
of arms take values in an $N$-dimensional space and belong to a bounded
polyhedron described by finitely many linear inequalities. We provide a lower
bound for the expected regret that scales as $\Omega(N\log T)$. We then provide
a nearly optimal algorithm and show that its expected regret scales as
$O(N\log^{1+\epsilon}(T))$ for an arbitrary small $\epsilon >0$. The algorithm
alternates between exploration and exploitation intervals sequentially where
deterministic set of arms are played in the exploration intervals and greedily
selected arm is played in the exploitation intervals. We also develop an
algorithm that achieves the optimal regret when sub-Gaussianity parameter of
the noise term is known. Our key insight is that for a polyhedron the optimal
arm is robust to small perturbations in the reward function. Consequently, a
greedily selected arm is guaranteed to be optimal when the estimation error
falls below some suitable threshold. Our solution resolves a question posed by
Rusmevichientong and Tsitsiklis (2011) that left open the possibility of
efficient algorithms with asymptotic logarithmic regret bounds. We also show
that the regret upper bounds hold with probability $1$. Our numerical
investigations show that while theoretical results are asymptotic the
performance of our algorithms compares favorably to state-of-the-art algorithms
in finite time as well.
|
Super-Resolution Off the Grid | Super-resolution is the problem of recovering a superposition of point
sources using bandlimited measurements, which may be corrupted with noise. This
signal processing problem arises in numerous imaging problems, ranging from
astronomy to biology to spectroscopy, where it is common to take (coarse)
Fourier measurements of an object. Of particular interest is in obtaining
estimation procedures which are robust to noise, with the following desirable
statistical and computational properties: we seek to use coarse Fourier
measurements (bounded by some cutoff frequency); we hope to take a
(quantifiably) small number of measurements; we desire our algorithm to run
quickly.
Suppose we have k point sources in d dimensions, where the points are
separated by at least \Delta from each other (in Euclidean distance). This work
provides an algorithm with the following favorable guarantees: - The algorithm
uses Fourier measurements, whose frequencies are bounded by O(1/\Delta) (up to
log factors). Previous algorithms require a cutoff frequency which may be as
large as {\Omega}( d/\Delta). - The number of measurements taken by and the
computational complexity of our algorithm are bounded by a polynomial in both
the number of points k and the dimension d, with no dependence on the
separation \Delta. In contrast, previous algorithms depended inverse
polynomially on the minimal separation and exponentially on the dimension for
both of these quantities.
Our estimation procedure itself is simple: we take random bandlimited
measurements (as opposed to taking an exponential number of measurements on the
hyper-grid). Furthermore, our analysis and algorithm are elementary (based on
concentration bounds for sampling and the singular value decomposition).
|
Modeling Curiosity in a Mobile Robot for Long-Term Autonomous
Exploration and Monitoring | This paper presents a novel approach to modeling curiosity in a mobile robot,
which is useful for monitoring and adaptive data collection tasks, especially
in the context of long term autonomous missions where pre-programmed missions
are likely to have limited utility. We use a realtime topic modeling technique
to build a semantic perception model of the environment, using which, we plan a
path through the locations in the world with high semantic information content.
The life-long learning behavior of the proposed perception model makes it
suitable for long-term exploration missions. We validate the approach using
simulated exploration experiments using aerial and underwater data, and
demonstrate an implementation on the Aqua underwater robot in a variety of
scenarios. We find that the proposed exploration paths that are biased towards
locations with high topic perplexity, produce better terrain models with high
discriminative power. Moreover, we show that the proposed algorithm implemented
on Aqua robot is able to do tasks such as coral reef inspection, diver
following, and sea floor exploration, without any prior training or
preparation.
|
Probably certifiably correct k-means clustering | Recently, Bandeira [arXiv:1509.00824] introduced a new type of algorithm (the
so-called probably certifiably correct algorithm) that combines fast solvers
with the optimality certificates provided by convex relaxations. In this paper,
we devise such an algorithm for the problem of k-means clustering. First, we
prove that Peng and Wei's semidefinite relaxation of k-means is tight with high
probability under a distribution of planted clusters called the stochastic ball
model. Our proof follows from a new dual certificate for integral solutions of
this semidefinite program. Next, we show how to test the optimality of a
proposed k-means solution using this dual certificate in quasilinear time.
Finally, we analyze a version of spectral clustering from Peng and Wei that is
designed to solve k-means in the case of two clusters. In particular, we show
that this quasilinear-time method typically recovers planted clusters under the
stochastic ball model.
|
Deep Trans-layer Unsupervised Networks for Representation Learning | Learning features from massive unlabelled data is a vast prevalent topic for
high-level tasks in many machine learning applications. The recent great
improvements on benchmark data sets achieved by increasingly complex
unsupervised learning methods and deep learning models with lots of parameters
usually requires many tedious tricks and much expertise to tune. However,
filters learned by these complex architectures are quite similar to standard
hand-crafted features visually. In this paper, unsupervised learning methods,
such as PCA or auto-encoder, are employed as the building block to learn filter
banks at each layer. The lower layer responses are transferred to the last
layer (trans-layer) to form a more complete representation retaining more
information. In addition, some beneficial methods such as local contrast
normalization and whitening are added to the proposed deep trans-layer networks
to further boost performance. The trans-layer representations are followed by
block histograms with binary encoder schema to learn translation and rotation
invariant representations, which are utilized to do high-level tasks such as
recognition and classification. Compared to traditional deep learning methods,
the implemented feature learning method has much less parameters and is
validated in several typical experiments, such as digit recognition on MNIST
and MNIST variations, object recognition on Caltech 101 dataset and face
verification on LFW dataset. The deep trans-layer unsupervised learning
achieves 99.45% accuracy on MNIST dataset, 67.11% accuracy on 15 samples per
class and 75.98% accuracy on 30 samples per class on Caltech 101 dataset,
87.10% on LFW dataset.
|
End-to-End Text-Dependent Speaker Verification | In this paper we present a data-driven, integrated approach to speaker
verification, which maps a test utterance and a few reference utterances
directly to a single score for verification and jointly optimizes the system's
components using the same evaluation protocol and metric as at test time. Such
an approach will result in simple and efficient systems, requiring little
domain-specific knowledge and making few model assumptions. We implement the
idea by formulating the problem as a single neural network architecture,
including the estimation of a speaker model on only a few utterances, and
evaluate it on our internal "Ok Google" benchmark for text-dependent speaker
verification. The proposed approach appears to be very effective for big data
applications like ours that require highly accurate, easy-to-maintain systems
with a small footprint.
|
Online Object Tracking, Learning and Parsing with And-Or Graphs | This paper presents a method, called AOGTracker, for simultaneously tracking,
learning and parsing (TLP) of unknown objects in video sequences with a
hierarchical and compositional And-Or graph (AOG) representation. %The AOG
captures both structural and appearance variations of a target object in a
principled way. The TLP method is formulated in the Bayesian framework with a
spatial and a temporal dynamic programming (DP) algorithms inferring object
bounding boxes on-the-fly. During online learning, the AOG is discriminatively
learned using latent SVM to account for appearance (e.g., lighting and partial
occlusion) and structural (e.g., different poses and viewpoints) variations of
a tracked object, as well as distractors (e.g., similar objects) in background.
Three key issues in online inference and learning are addressed: (i)
maintaining purity of positive and negative examples collected online, (ii)
controling model complexity in latent structure learning, and (iii) identifying
critical moments to re-learn the structure of AOG based on its intrackability.
The intrackability measures uncertainty of an AOG based on its score maps in a
frame. In experiments, our AOGTracker is tested on two popular tracking
benchmarks with the same parameter setting: the TB-100/50/CVPR2013 benchmarks,
and the VOT benchmarks --- VOT 2013, 2014, 2015 and TIR2015 (thermal imagery
tracking). In the former, our AOGTracker outperforms state-of-the-art tracking
algorithms including two trackers based on deep convolutional network. In the
latter, our AOGTracker outperforms all other trackers in VOT2013 and is
comparable to the state-of-the-art methods in VOT2014, 2015 and TIR2015.
|
Non-asymptotic Analysis of $\ell_1$-norm Support Vector Machines | Support Vector Machines (SVM) with $\ell_1$ penalty became a standard tool in
analysis of highdimensional classification problems with sparsity constraints
in many applications including bioinformatics and signal processing. Although
SVM have been studied intensively in the literature, this paper has to our
knowledge first non-asymptotic results on the performance of $\ell_1$-SVM in
identification of sparse classifiers. We show that a $d$-dimensional $s$-sparse
classification vector can be (with high probability) well approximated from
only $O(s\log(d))$ Gaussian trials. The methods used in the proof include
concentration of measure and probability in Banach spaces.
|
Representation Benefits of Deep Feedforward Networks | This note provides a family of classification problems, indexed by a positive
integer $k$, where all shallow networks with fewer than exponentially (in $k$)
many nodes exhibit error at least $1/6$, whereas a deep network with 2 nodes in
each of $2k$ layers achieves zero error, as does a recurrent network with 3
distinct nodes iterated $k$ times. The proof is elementary, and the networks
are standard feedforward networks with ReLU (Rectified Linear Unit)
nonlinearities.
|
Discriminative Learning of the Prototype Set for Nearest Neighbor
Classification | The nearest neighbor rule is a classic yet essential classification model,
particularly in problems where the supervising information is given by pairwise
dissimilarities and the embedding function are not easily obtained. Prototype
selection provides means of generalization and improving efficiency of the
nearest neighbor model, but many existing methods assume and rely on the
analyses of the input vector space. In this paper, we explore a
dissimilarity-based, parametrized model of the nearest neighbor rule. In the
proposed model, the selection of the nearest prototypes is influenced by the
parameters of the respective prototypes. It provides a formulation for
minimizing the violation of the extended nearest neighbor rule over the
training set in a tractable form to exploit numerical techniques. We show that
the minimization problem reduces to a large-margin principle learning and
demonstrate its advantage by empirical comparisons with other prototype
selection methods.
|
Feature Selection for classification of hyperspectral data by minimizing
a tight bound on the VC dimension | Hyperspectral data consists of large number of features which require
sophisticated analysis to be extracted. A popular approach to reduce
computational cost, facilitate information representation and accelerate
knowledge discovery is to eliminate bands that do not improve the
classification and analysis methods being applied. In particular, algorithms
that perform band elimination should be designed to take advantage of the
specifics of the classification method being used. This paper employs a
recently proposed filter-feature-selection algorithm based on minimizing a
tight bound on the VC dimension. We have successfully applied this algorithm to
determine a reasonable subset of bands without any user-defined stopping
criteria on widely used hyperspectral images and demonstrate that this method
outperforms state-of-the-art methods in terms of both sparsity of feature set
as well as accuracy of classification.\end{abstract}
|
Optimal Copula Transport for Clustering Multivariate Time Series | This paper presents a new methodology for clustering multivariate time series
leveraging optimal transport between copulas. Copulas are used to encode both
(i) intra-dependence of a multivariate time series, and (ii) inter-dependence
between two time series. Then, optimal copula transport allows us to define two
distances between multivariate time series: (i) one for measuring
intra-dependence dissimilarity, (ii) another one for measuring inter-dependence
dissimilarity based on a new multivariate dependence coefficient which is
robust to noise, deterministic, and which can target specified dependencies.
|
Analysis of Intelligent Classifiers and Enhancing the Detection Accuracy
for Intrusion Detection System | In this paper we discuss and analyze some of the intelligent classifiers
which allows for automatic detection and classification of networks attacks for
any intrusion detection system. We will proceed initially with their analysis
using the WEKA software to work with the classifiers on a well-known IDS
(Intrusion Detection Systems) dataset like NSL-KDD dataset. The NSL-KDD dataset
of network attacks was created in a military network by MIT Lincoln Labs. Then
we will discuss and experiment some of the hybrid AI (Artificial Intelligence)
classifiers that can be used for IDS, and finally we developed a Java software
with three most efficient classifiers and compared it with other options. The
outputs would show the detection accuracy and efficiency of the single and
combined classifiers used.
|
High-dimensional Time Series Prediction with Missing Values | High-dimensional time series prediction is needed in applications as diverse
as demand forecasting and climatology. Often, such applications require methods
that are both highly scalable, and deal with noisy data in terms of corruptions
or missing values. Classical time series methods usually fall short of handling
both these issues. In this paper, we propose to adapt matrix matrix completion
approaches that have previously been successfully applied to large scale noisy
data, but which fail to adequately model high-dimensional time series due to
temporal dependencies. We present a novel temporal regularized matrix
factorization (TRMF) framework which supports data-driven temporal dependency
learning and enables forecasting ability to our new matrix factorization
approach. TRMF is highly general, and subsumes many existing matrix
factorization approaches for time series data. We make interesting connections
to graph regularized matrix factorization methods in the context of learning
the dependencies. Experiments on both real and synthetic data show that TRMF
outperforms several existing approaches for common time series tasks.
|
Compressive spectral embedding: sidestepping the SVD | Spectral embedding based on the Singular Value Decomposition (SVD) is a
widely used "preprocessing" step in many learning tasks, typically leading to
dimensionality reduction by projecting onto a number of dominant singular
vectors and rescaling the coordinate axes (by a predefined function of the
singular value). However, the number of such vectors required to capture
problem structure grows with problem size, and even partial SVD computation
becomes a bottleneck. In this paper, we propose a low-complexity it compressive
spectral embedding algorithm, which employs random projections and finite order
polynomial expansions to compute approximations to SVD-based embedding. For an
m times n matrix with T non-zeros, its time complexity is O((T+m+n)log(m+n)),
and the embedding dimension is O(log(m+n)), both of which are independent of
the number of singular vectors whose effect we wish to capture. To the best of
our knowledge, this is the first work to circumvent this dependence on the
number of singular vectors for general SVD-based embeddings. The key to
sidestepping the SVD is the observation that, for downstream inference tasks
such as clustering and classification, we are only interested in using the
resulting embedding to evaluate pairwise similarity metrics derived from the
euclidean norm, rather than capturing the effect of the underlying matrix on
arbitrary vectors as a partial SVD tries to do. Our numerical results on
network datasets demonstrate the efficacy of the proposed method, and motivate
further exploration of its application to large-scale inference tasks.
|
Distance-Penalized Active Learning Using Quantile Search | Adaptive sampling theory has shown that, with proper assumptions on the
signal class, algorithms exist to reconstruct a signal in $\mathbb{R}^{d}$ with
an optimal number of samples. We generalize this problem to the case of spatial
signals, where the sampling cost is a function of both the number of samples
taken and the distance traveled during estimation. This is motivated by our
work studying regions of low oxygen concentration in the Great Lakes. We show
that for one-dimensional threshold classifiers, a tradeoff between the number
of samples taken and distance traveled can be achieved using a generalization
of binary search, which we refer to as quantile search. We characterize both
the estimation error after a fixed number of samples and the distance traveled
in the noiseless case, as well as the estimation error in the case of noisy
measurements. We illustrate our results in both simulations and experiments and
show that our method outperforms existing algorithms in the majority of
practical scenarios.
|
Efficient Empowerment | Empowerment quantifies the influence an agent has on its environment. This is
formally achieved by the maximum of the expected KL-divergence between the
distribution of the successor state conditioned on a specific action and a
distribution where the actions are marginalised out. This is a natural
candidate for an intrinsic reward signal in the context of reinforcement
learning: the agent will place itself in a situation where its action have
maximum stability and maximum influence on the future. The limiting factor so
far has been the computational complexity of the method: the only way of
calculation has so far been a brute force algorithm, reducing the applicability
of the method to environments with a small set discrete states. In this work,
we propose to use an efficient approximation for marginalising out the actions
in the case of continuous environments. This allows fast evaluation of
empowerment, paving the way towards challenging environments such as real world
robotics. The method is presented on a pendulum swing up problem.
|
Optimization over Sparse Symmetric Sets via a Nonmonotone Projected
Gradient Method | We consider the problem of minimizing a Lipschitz differentiable function
over a class of sparse symmetric sets that has wide applications in engineering
and science. For this problem, it is known that any accumulation point of the
classical projected gradient (PG) method with a constant stepsize $1/L$
satisfies the $L$-stationarity optimality condition that was introduced in [3].
In this paper we introduce a new optimality condition that is stronger than the
$L$-stationarity optimality condition. We also propose a nonmonotone projected
gradient (NPG) method for this problem by incorporating some support-changing
and coordintate-swapping strategies into a projected gradient method with
variable stepsizes. It is shown that any accumulation point of NPG satisfies
the new optimality condition and moreover it is a coordinatewise stationary
point. Under some suitable assumptions, we further show that it is a global or
a local minimizer of the problem. Numerical experiments are conducted to
compare the performance of PG and NPG. The computational results demonstrate
that NPG has substantially better solution quality than PG, and moreover, it is
at least comparable to, but sometimes can be much faster than PG in terms of
speed.
|
Semantics, Representations and Grammars for Deep Learning | Deep learning is currently the subject of intensive study. However,
fundamental concepts such as representations are not formally defined --
researchers "know them when they see them" -- and there is no common language
for describing and analyzing algorithms. This essay proposes an abstract
framework that identifies the essential features of current practice and may
provide a foundation for future developments.
The backbone of almost all deep learning algorithms is backpropagation, which
is simply a gradient computation distributed over a neural network. The main
ingredients of the framework are thus, unsurprisingly: (i) game theory, to
formalize distributed optimization; and (ii) communication protocols, to track
the flow of zeroth and first-order information. The framework allows natural
definitions of semantics (as the meaning encoded in functions), representations
(as functions whose semantics is chosen to optimized a criterion) and grammars
(as communication protocols equipped with first-order convergence guarantees).
Much of the essay is spent discussing examples taken from the literature. The
ultimate aim is to develop a graphical language for describing the structure of
deep learning algorithms that backgrounds the details of the optimization
procedure and foregrounds how the components interact. Inspiration is taken
from probabilistic graphical models and factor graphs, which capture the
essential structural features of multivariate distributions.
|
Learning dynamic Boltzmann machines with spike-timing dependent
plasticity | We propose a particularly structured Boltzmann machine, which we refer to as
a dynamic Boltzmann machine (DyBM), as a stochastic model of a
multi-dimensional time-series. The DyBM can have infinitely many layers of
units but allows exact and efficient inference and learning when its parameters
have a proposed structure. This proposed structure is motivated by postulates
and observations, from biological neural networks, that the synaptic weight is
strengthened or weakened, depending on the timing of spikes (i.e., spike-timing
dependent plasticity or STDP). We show that the learning rule of updating the
parameters of the DyBM in the direction of maximizing the likelihood of given
time-series can be interpreted as STDP with long term potentiation and long
term depression. The learning rule has a guarantee of convergence and can be
performed in a distributed matter (i.e., local in space) with limited memory
(i.e., local in time).
|
Variational Information Maximisation for Intrinsically Motivated
Reinforcement Learning | The mutual information is a core statistical quantity that has applications
in all areas of machine learning, whether this is in training of density models
over multiple data modalities, in maximising the efficiency of noisy
transmission channels, or when learning behaviour policies for exploration by
artificial agents. Most learning algorithms that involve optimisation of the
mutual information rely on the Blahut-Arimoto algorithm --- an enumerative
algorithm with exponential complexity that is not suitable for modern machine
learning applications. This paper provides a new approach for scalable
optimisation of the mutual information by merging techniques from variational
inference and deep learning. We develop our approach by focusing on the problem
of intrinsically-motivated learning, where the mutual information forms the
definition of a well-known internal drive known as empowerment. Using a
variational lower bound on the mutual information, combined with convolutional
networks for handling visual input streams, we develop a stochastic
optimisation algorithm that allows for scalable information maximisation and
empowerment-based reasoning directly from pixels to actions.
|
Compression of Deep Neural Networks on the Fly | Thanks to their state-of-the-art performance, deep neural networks are
increasingly used for object recognition. To achieve these results, they use
millions of parameters to be trained. However, when targeting embedded
applications the size of these models becomes problematic. As a consequence,
their usage on smartphones or other resource limited devices is prohibited. In
this paper we introduce a novel compression method for deep neural networks
that is performed during the learning phase. It consists in adding an extra
regularization term to the cost function of fully-connected layers. We combine
this method with Product Quantization (PQ) of the trained weights for higher
savings in storage consumption. We evaluate our method on two data sets (MNIST
and CIFAR10), on which we achieve significantly larger compression rates than
state-of-the-art methods.
|
How to Formulate and Solve Statistical Recognition and Learning Problems | We formulate problems of statistical recognition and learning in a common
framework of complex hypothesis testing. Based on arguments from multi-criteria
optimization, we identify strategies that are improper for solving these
problems and derive a common form of the remaining strategies. We show that
some widely used approaches to recognition and learning are improper in this
sense. We then propose a generalized formulation of the recognition and
learning problem which embraces the whole range of sizes of the learning
sample, including the zero size. Learning becomes a special case of recognition
without learning. We define the concept of closest to optimal strategy, being a
solution to the formulated problem, and describe a technique for finding such a
strategy. On several illustrative cases, the strategy is shown to be superior
to the widely used learning methods based on maximal likelihood estimation.
|
Foundations of Coupled Nonlinear Dimensionality Reduction | In this paper we introduce and analyze the learning scenario of \emph{coupled
nonlinear dimensionality reduction}, which combines two major steps of machine
learning pipeline: projection onto a manifold and subsequent supervised
learning. First, we present new generalization bounds for this scenario and,
second, we introduce an algorithm that follows from these bounds. The
generalization error bound is based on a careful analysis of the empirical
Rademacher complexity of the relevant hypothesis set. In particular, we show an
upper bound on the Rademacher complexity that is in $\widetilde
O(\sqrt{\Lambda_{(r)}/m})$, where $m$ is the sample size and $\Lambda_{(r)}$
the upper bound on the Ky-Fan $r$-norm of the associated kernel matrix. We give
both upper and lower bound guarantees in terms of that Ky-Fan $r$-norm, which
strongly justifies the definition of our hypothesis set. To the best of our
knowledge, these are the first learning guarantees for the problem of coupled
dimensionality reduction. Our analysis and learning guarantees further apply to
several special cases, such as that of using a fixed kernel with supervised
dimensionality reduction or that of unsupervised learning of a kernel for
dimensionality reduction followed by a supervised learning algorithm. Based on
theoretical analysis, we suggest a structural risk minimization algorithm
consisting of the coupled fitting of a low dimensional manifold and a
separation function on that manifold.
|
A Semi-Supervised Method for Predicting Cancer Survival Using Incomplete
Clinical Data | Prediction of survival for cancer patients is an open area of research.
However, many of these studies focus on datasets with a large number of
patients. We present a novel method that is specifically designed to address
the challenge of data scarcity, which is often the case for cancer datasets.
Our method is able to use unlabeled data to improve classification by adopting
a semi-supervised training approach to learn an ensemble classifier. The
results of applying our method to three cancer datasets show the promise of
semi-supervised learning for prediction of cancer survival.
|
Generalizing Pooling Functions in Convolutional Neural Networks: Mixed,
Gated, and Tree | We seek to improve deep neural networks by generalizing the pooling
operations that play a central role in current architectures. We pursue a
careful exploration of approaches to allow pooling to learn and to adapt to
complex and variable patterns. The two primary directions lie in (1) learning a
pooling function via (two strategies of) combining of max and average pooling,
and (2) learning a pooling function in the form of a tree-structured fusion of
pooling filters that are themselves learned. In our experiments every
generalized pooling operation we explore improves performance when used in
place of average or max pooling. We experimentally demonstrate that the
proposed pooling operations provide a boost in invariance properties relative
to conventional pooling and set the state of the art on several widely adopted
benchmark datasets; they are also easy to implement, and can be applied within
various deep neural network architectures. These benefits come with only a
light increase in computational overhead during training and a very modest
increase in the number of model parameters.
|
Learning without Recall: A Case for Log-Linear Learning | We analyze a model of learning and belief formation in networks in which
agents follow Bayes rule yet they do not recall their history of past
observations and cannot reason about how other agents' beliefs are formed. They
do so by making rational inferences about their observations which include a
sequence of independent and identically distributed private signals as well as
the beliefs of their neighboring agents at each time. Fully rational agents
would successively apply Bayes rule to the entire history of observations. This
leads to forebodingly complex inferences due to lack of knowledge about the
global network structure that causes those observations. To address these
complexities, we consider a Learning without Recall model, which in addition to
providing a tractable framework for analyzing the behavior of rational agents
in social networks, can also provide a behavioral foundation for the variety of
non-Bayesian update rules in the literature. We present the implications of
various choices for time-varying priors of such agents and how this choice
affects learning and its rate.
|
Maximum Likelihood Learning With Arbitrary Treewidth via Fast-Mixing
Parameter Sets | Inference is typically intractable in high-treewidth undirected graphical
models, making maximum likelihood learning a challenge. One way to overcome
this is to restrict parameters to a tractable set, most typically the set of
tree-structured parameters. This paper explores an alternative notion of a
tractable set, namely a set of "fast-mixing parameters" where Markov chain
Monte Carlo (MCMC) inference can be guaranteed to quickly converge to the
stationary distribution. While it is common in practice to approximate the
likelihood gradient using samples obtained from MCMC, such procedures lack
theoretical guarantees. This paper proves that for any exponential family with
bounded sufficient statistics, (not just graphical models) when parameters are
constrained to a fast-mixing set, gradient descent with gradients approximated
by sampling will approximate the maximum likelihood solution inside the set
with high-probability. When unregularized, to find a solution epsilon-accurate
in log-likelihood requires a total amount of effort cubic in 1/epsilon,
disregarding logarithmic factors. When ridge-regularized, strong convexity
allows a solution epsilon-accurate in parameter distance with effort quadratic
in 1/epsilon. Both of these provide of a fully-polynomial time randomized
approximation scheme.
|
Convergence of Stochastic Gradient Descent for PCA | We consider the problem of principal component analysis (PCA) in a streaming
stochastic setting, where our goal is to find a direction of approximate
maximal variance, based on a stream of i.i.d. data points in $\reals^d$. A
simple and computationally cheap algorithm for this is stochastic gradient
descent (SGD), which incrementally updates its estimate based on each new data
point. However, due to the non-convex nature of the problem, analyzing its
performance has been a challenge. In particular, existing guarantees rely on a
non-trivial eigengap assumption on the covariance matrix, which is intuitively
unnecessary. In this paper, we provide (to the best of our knowledge) the first
eigengap-free convergence guarantees for SGD in the context of PCA. This also
partially resolves an open problem posed in \cite{hardt2014noisy}. Moreover,
under an eigengap assumption, we show that the same techniques lead to new SGD
convergence guarantees with better dependence on the eigengap.
|
Regret Lower Bound and Optimal Algorithm in Finite Stochastic Partial
Monitoring | Partial monitoring is a general model for sequential learning with limited
feedback formalized as a game between two players. In this game, the learner
chooses an action and at the same time the opponent chooses an outcome, then
the learner suffers a loss and receives a feedback signal. The goal of the
learner is to minimize the total loss. In this paper, we study partial
monitoring with finite actions and stochastic outcomes. We derive a logarithmic
distribution-dependent regret lower bound that defines the hardness of the
problem. Inspired by the DMED algorithm (Honda and Takemura, 2010) for the
multi-armed bandit problem, we propose PM-DMED, an algorithm that minimizes the
distribution-dependent regret. PM-DMED significantly outperforms
state-of-the-art algorithms in numerical experiments. To show the optimality of
PM-DMED with respect to the regret bound, we slightly modify the algorithm by
introducing a hinge function (PM-DMED-Hinge). Then, we derive an asymptotically
optimal regret upper bound of PM-DMED-Hinge that matches the lower bound.
|
Distributed Weighted Parameter Averaging for SVM Training on Big Data | Two popular approaches for distributed training of SVMs on big data are
parameter averaging and ADMM. Parameter averaging is efficient but suffers from
loss of accuracy with increase in number of partitions, while ADMM in the
feature space is accurate but suffers from slow convergence. In this paper, we
report a hybrid approach called weighted parameter averaging (WPA), which
optimizes the regularized hinge loss with respect to weights on parameters. The
problem is shown to be same as solving SVM in a projected space. We also
demonstrate an $O(\frac{1}{N})$ stability bound on final hypothesis given by
WPA, using novel proof techniques. Experimental results on a variety of toy and
real world datasets show that our approach is significantly more accurate than
parameter averaging for high number of partitions. It is also seen the proposed
method enjoys much faster convergence compared to ADMM in features space.
|
Learning From Missing Data Using Selection Bias in Movie Recommendation | Recommending items to users is a challenging task due to the large amount of
missing information. In many cases, the data solely consist of ratings or tags
voluntarily contributed by each user on a very limited subset of the available
items, so that most of the data of potential interest is actually missing.
Current approaches to recommendation usually assume that the unobserved data is
missing at random. In this contribution, we provide statistical evidence that
existing movie recommendation datasets reveal a significant positive
association between the rating of items and the propensity to select these
items. We propose a computationally efficient variational approach that makes
it possible to exploit this selection bias so as to improve the estimation of
ratings from small populations of users. Results obtained with this approach
applied to neighborhood-based collaborative filtering illustrate its potential
for improving the reliability of the recommendation.
|
Deep Haar Scattering Networks | An orthogonal Haar scattering transform is a deep network, computed with a
hierarchy of additions, subtractions and absolute values, over pairs of
coefficients. It provides a simple mathematical model for unsupervised deep
network learning. It implements non-linear contractions, which are optimized
for classification, with an unsupervised pair matching algorithm, of polynomial
complexity. A structured Haar scattering over graph data computes permutation
invariant representations of groups of connected points in the graph. If the
graph connectivity is unknown, unsupervised Haar pair learning can provide a
consistent estimation of connected dyadic groups of points. Classification
results are given on image data bases, defined on regular grids or graphs, with
a connectivity which may be known or unknown.
|
On the Complexity of Robust PCA and $\ell_1$-norm Low-Rank Matrix
Approximation | The low-rank matrix approximation problem with respect to the component-wise
$\ell_1$-norm ($\ell_1$-LRA), which is closely related to robust principal
component analysis (PCA), has become a very popular tool in data mining and
machine learning. Robust PCA aims at recovering a low-rank matrix that was
perturbed with sparse noise, with applications for example in
foreground-background video separation. Although $\ell_1$-LRA is strongly
believed to be NP-hard, there is, to the best of our knowledge, no formal proof
of this fact. In this paper, we prove that $\ell_1$-LRA is NP-hard, already in
the rank-one case, using a reduction from MAX CUT. Our derivations draw
interesting connections between $\ell_1$-LRA and several other well-known
problems, namely, robust PCA, $\ell_0$-LRA, binary matrix factorization, a
particular densest bipartite subgraph problem, the computation of the cut norm
of $\{-1,+1\}$ matrices, and the discrete basis problem, which we all prove to
be NP-hard.
|
Convolutional Networks on Graphs for Learning Molecular Fingerprints | We introduce a convolutional neural network that operates directly on graphs.
These networks allow end-to-end learning of prediction pipelines whose inputs
are graphs of arbitrary size and shape. The architecture we present generalizes
standard molecular feature extraction methods based on circular fingerprints.
We show that these data-driven features are more interpretable, and have better
predictive performance on a variety of tasks.
|
Fast Algorithms for Convolutional Neural Networks | Deep convolutional neural networks take GPU days of compute time to train on
large data sets. Pedestrian detection for self driving cars requires very low
latency. Image recognition for mobile phones is constrained by limited
processing resources. The success of convolutional neural networks in these
situations is limited by how fast we can compute them. Conventional FFT based
convolution is fast for large filters, but state of the art convolutional
neural networks use small, 3x3 filters. We introduce a new class of fast
algorithms for convolutional neural networks using Winograd's minimal filtering
algorithms. The algorithms compute minimal complexity convolution over small
tiles, which makes them fast with small filters and small batch sizes. We
benchmark a GPU implementation of our algorithm with the VGG network and show
state of the art throughput at batch sizes from 1 to 64.
|
Fast Discrete Distribution Clustering Using Wasserstein Barycenter with
Sparse Support | In a variety of research areas, the weighted bag of vectors and the histogram
are widely used descriptors for complex objects. Both can be expressed as
discrete distributions. D2-clustering pursues the minimum total within-cluster
variation for a set of discrete distributions subject to the
Kantorovich-Wasserstein metric. D2-clustering has a severe scalability issue,
the bottleneck being the computation of a centroid distribution, called
Wasserstein barycenter, that minimizes its sum of squared distances to the
cluster members. In this paper, we develop a modified Bregman ADMM approach for
computing the approximate discrete Wasserstein barycenter of large clusters. In
the case when the support points of the barycenters are unknown and have low
cardinality, our method achieves high accuracy empirically at a much reduced
computational cost. The strengths and weaknesses of our method and its
alternatives are examined through experiments, and we recommend scenarios for
their respective usage. Moreover, we develop both serial and parallelized
versions of the algorithm. By experimenting with large-scale data, we
demonstrate the computational efficiency of the new methods and investigate
their convergence properties and numerical stability. The clustering results
obtained on several datasets in different domains are highly competitive in
comparison with some widely used methods in the corresponding areas.
|
Clamping Improves TRW and Mean Field Approximations | We examine the effect of clamping variables for approximate inference in
undirected graphical models with pairwise relationships and discrete variables.
For any number of variable labels, we demonstrate that clamping and summing
approximate sub-partition functions can lead only to a decrease in the
partition function estimate for TRW, and an increase for the naive mean field
method, in each case guaranteeing an improvement in the approximation and
bound. We next focus on binary variables, add the Bethe approximation to
consideration and examine ways to choose good variables to clamp, introducing
new methods. We show the importance of identifying highly frustrated cycles,
and of checking the singleton entropy of a variable. We explore the value of
our methods by empirical analysis and draw lessons to guide practitioners.
|
Supporting Regularized Logistic Regression Privately and Efficiently | As one of the most popular statistical and machine learning models, logistic
regression with regularization has found wide adoption in biomedicine, social
sciences, information technology, and so on. These domains often involve data
of human subjects that are contingent upon strict privacy regulations.
Increasing concerns over data privacy make it more and more difficult to
coordinate and conduct large-scale collaborative studies, which typically rely
on cross-institution data sharing and joint analysis. Our work here focuses on
safeguarding regularized logistic regression, a widely-used machine learning
model in various disciplines while at the same time has not been investigated
from a data security and privacy perspective. We consider a common use scenario
of multi-institution collaborative studies, such as in the form of research
consortia or networks as widely seen in genetics, epidemiology, social
sciences, etc. To make our privacy-enhancing solution practical, we demonstrate
a non-conventional and computationally efficient method leveraging distributing
computing and strong cryptography to provide comprehensive protection over
individual-level and summary data. Extensive empirical evaluation on several
studies validated the privacy guarantees, efficiency and scalability of our
proposal. We also discuss the practical implications of our solution for
large-scale studies and applications from various disciplines, including
genetic and biomedical studies, smart grid, network analysis, etc.
|
Disk storage management for LHCb based on Data Popularity estimator | This paper presents an algorithm providing recommendations for optimizing the
LHCb data storage. The LHCb data storage system is a hybrid system. All
datasets are kept as archives on magnetic tapes. The most popular datasets are
kept on disks. The algorithm takes the dataset usage history and metadata
(size, type, configuration etc.) to generate a recommendation report. This
article presents how we use machine learning algorithms to predict future data
popularity. Using these predictions it is possible to estimate which datasets
should be removed from disk. We use regression algorithms and time series
analysis to find the optimal number of replicas for datasets that are kept on
disk. Based on the data popularity and the number of replicas optimization, the
algorithm minimizes a loss function to find the optimal data distribution. The
loss function represents all requirements for data distribution in the data
storage system. We demonstrate how our algorithm helps to save disk space and
to reduce waiting times for jobs using this data.
|
A Generative Model of Words and Relationships from Multiple Sources | Neural language models are a powerful tool to embed words into semantic
vector spaces. However, learning such models generally relies on the
availability of abundant and diverse training examples. In highly specialised
domains this requirement may not be met due to difficulties in obtaining a
large corpus, or the limited range of expression in average use. Such domains
may encode prior knowledge about entities in a knowledge base or ontology. We
propose a generative model which integrates evidence from diverse data sources,
enabling the sharing of semantic information. We achieve this by generalising
the concept of co-occurrence from distributional semantics to include other
relationships between entities or words, which we model as affine
transformations on the embedding space. We demonstrate the effectiveness of
this approach by outperforming recent models on a link prediction task and
demonstrating its ability to profit from partially or fully unobserved data
training labels. We further demonstrate the usefulness of learning from
different data sources with overlapping vocabularies.
|
Optimal Binary Classifier Aggregation for General Losses | We address the problem of aggregating an ensemble of predictors with known
loss bounds in a semi-supervised binary classification setting, to minimize
prediction loss incurred on the unlabeled data. We find the minimax optimal
predictions for a very general class of loss functions including all convex and
many non-convex losses, extending a recent analysis of the problem for
misclassification error. The result is a family of semi-supervised ensemble
aggregation algorithms which are as efficient as linear learning by convex
optimization, but are minimax optimal without any relaxations. Their decision
rules take a form familiar in decision theory -- applying sigmoid functions to
a notion of ensemble margin -- without the assumptions typically made in
margin-based learning.
|
Multi-armed Bandits with Application to 5G Small Cells | Due to the pervasive demand for mobile services, next generation wireless
networks are expected to be able to deliver high date rates while wireless
resources become more and more scarce. This requires the next generation
wireless networks to move towards new networking paradigms that are able to
efficiently support resource-demanding applications such as personalized mobile
services. Examples of such paradigms foreseen for the emerging fifth generation
(5G) cellular networks include very densely deployed small cells and
device-to-device communications. For 5G networks, it will be imperative to
search for spectrum and energy-efficient solutions to the resource allocation
problems that i) are amenable to distributed implementation, ii) are capable of
dealing with uncertainty and lack of information, and iii) can cope with users'
selfishness. The core objective of this article is to investigate and to
establish the potential of multi-armed bandit (MAB) framework to address this
challenge. In particular, we provide a brief tutorial on bandit problems,
including different variations and solution approaches. Furthermore, we discuss
recent applications as well as future research directions. In addition, we
provide a detailed example of using an MAB model for energy-efficient small
cell planning in 5G networks.
|
Distributed Multitask Learning | We consider the problem of distributed multi-task learning, where each
machine learns a separate, but related, task. Specifically, each machine learns
a linear predictor in high-dimensional space,where all tasks share the same
small support. We present a communication-efficient estimator based on the
debiased lasso and show that it is comparable with the optimal centralized
method.
|
Rapidly Mixing Gibbs Sampling for a Class of Factor Graphs Using
Hierarchy Width | Gibbs sampling on factor graphs is a widely used inference technique, which
often produces good empirical results. Theoretical guarantees for its
performance are weak: even for tree structured graphs, the mixing time of Gibbs
may be exponential in the number of variables. To help understand the behavior
of Gibbs sampling, we introduce a new (hyper)graph property, called hierarchy
width. We show that under suitable conditions on the weights, bounded hierarchy
width ensures polynomial mixing time. Our study of hierarchy width is in part
motivated by a class of factor graph templates, hierarchical templates, which
have bounded hierarchy width---regardless of the data used to instantiate them.
We demonstrate a rich application from natural language processing in which
Gibbs sampling provably mixes rapidly and achieves accuracy that exceeds human
volunteers.
|
A Survey of Online Experiment Design with the Stochastic Multi-Armed
Bandit | Adaptive and sequential experiment design is a well-studied area in numerous
domains. We survey and synthesize the work of the online statistical learning
paradigm referred to as multi-armed bandits integrating the existing research
as a resource for a certain class of online experiments. We first explore the
traditional stochastic model of a multi-armed bandit, then explore a taxonomic
scheme of complications to that model, for each complication relating it to a
specific requirement or consideration of the experiment design context.
Finally, at the end of the paper, we present a table of known upper-bounds of
regret for all studied algorithms providing both perspectives for future
theoretical work and a decision-making tool for practitioners looking for
theoretical guarantees.
|
Machine Learning for Machine Data from a CATI Network | This is a machine learning application paper involving big data. We present
high-accuracy prediction methods of rare events in semi-structured machine log
files, which are produced at high velocity and high volume by NORC's
computer-assisted telephone interviewing (CATI) network for conducting surveys.
We judiciously apply natural language processing (NLP) techniques and
data-mining strategies to train effective learning and prediction models for
classifying uncommon error messages in the log---without access to source code,
updated documentation or dictionaries. In particular, our simple but effective
approach of features preallocation for learning from imbalanced data coupled
with naive Bayes classifiers can be conceivably generalized to supervised or
semi-supervised learning and prediction methods for other critical events such
as cyberattack detection.
|
Distributed Parameter Map-Reduce | This paper describes how to convert a machine learning problem into a series
of map-reduce tasks. We study logistic regression algorithm. In logistic
regression algorithm, it is assumed that samples are independent and each
sample is assigned a probability. Parameters are obtained by maxmizing the
product of all sample probabilities. Rapid expansion of training samples brings
challenges to machine learning method. Training samples are so many that they
can be only stored in distributed file system and driven by map-reduce style
programs. The main step of logistic regression is inference. According to
map-reduce spirit, each sample makes inference through a separate map
procedure. But the premise of inference is that the map procedure holds
parameters for all features in the sample. In this paper, we propose
Distributed Parameter Map-Reduce, in which not only samples, but also
parameters are distributed in nodes of distributed filesystem. Through a series
of map-reduce tasks, we assign each sample parameters for its features, make
inference for the sample and update paramters of the model. The above processes
are excuted looply until convergence. We test the proposed algorithm in actual
hadoop production environment. Experiments show that the acceleration of the
algorithm is in linear relationship with the number of cluster nodes.
|
Approximate Fisher Kernels of non-iid Image Models for Image
Categorization | The bag-of-words (BoW) model treats images as sets of local descriptors and
represents them by visual word histograms. The Fisher vector (FV)
representation extends BoW, by considering the first and second order
statistics of local descriptors. In both representations local descriptors are
assumed to be identically and independently distributed (iid), which is a poor
assumption from a modeling perspective. It has been experimentally observed
that the performance of BoW and FV representations can be improved by employing
discounting transformations such as power normalization. In this paper, we
introduce non-iid models by treating the model parameters as latent variables
which are integrated out, rendering all local regions dependent. Using the
Fisher kernel principle we encode an image by the gradient of the data
log-likelihood w.r.t. the model hyper-parameters. Our models naturally generate
discounting effects in the representations; suggesting that such
transformations have proven successful because they closely correspond to the
representations obtained for non-iid models. To enable tractable computation,
we rely on variational free-energy bounds to learn the hyper-parameters and to
compute approximate Fisher kernels. Our experimental evaluation results
validate that our models lead to performance improvements comparable to using
power normalization, as employed in state-of-the-art feature aggregation
methods.
|
Client Profiling for an Anti-Money Laundering System | We present a data mining approach for profiling bank clients in order to
support the process of detection of anti-money laundering operations. We first
present the overall system architecture, and then focus on the relevant
component for this paper. We detail the experiments performed on real world
data from a financial institution, which allowed us to group clients in
clusters and then generate a set of classification rules. We discuss the
relevance of the founded client profiles and of the generated classification
rules. According to the defined overall agent-based architecture, these rules
will be incorporated in the knowledge base of the intelligent agents
responsible for the signaling of suspicious transactions.
|
Quadratic Optimization with Orthogonality Constraints: Explicit
Lojasiewicz Exponent and Linear Convergence of Line-Search Methods | A fundamental class of matrix optimization problems that arise in many areas
of science and engineering is that of quadratic optimization with orthogonality
constraints. Such problems can be solved using line-search methods on the
Stiefel manifold, which are known to converge globally under mild conditions.
To determine the convergence rate of these methods, we give an explicit
estimate of the exponent in a Lojasiewicz inequality for the (non-convex) set
of critical points of the aforementioned class of problems. By combining such
an estimate with known arguments, we are able to establish the linear
convergence of a large class of line-search methods. A key step in our proof is
to establish a local error bound for the set of critical points, which may be
of independent interest.
|
Relaxed Multiple-Instance SVM with Application to Object Discovery | Multiple-instance learning (MIL) has served as an important tool for a wide
range of vision applications, for instance, image classification, object
detection, and visual tracking. In this paper, we propose a novel method to
solve the classical MIL problem, named relaxed multiple-instance SVM (RMI-SVM).
We treat the positiveness of instance as a continuous variable, use Noisy-OR
model to enforce the MIL constraints, and jointly optimize the bag label and
instance label in a unified framework. The optimization problem can be
efficiently solved using stochastic gradient decent. The extensive experiments
demonstrate that RMI-SVM consistently achieves superior performance on various
benchmarks for MIL. Moreover, we simply applied RMI-SVM to a challenging vision
task, common object discovery. The state-of-the-art results of object discovery
on Pascal VOC datasets further confirm the advantages of the proposed method.
|
Boosting in the presence of outliers: adaptive classification with
non-convex loss functions | This paper examines the role and efficiency of the non-convex loss functions
for binary classification problems. In particular, we investigate how to design
a simple and effective boosting algorithm that is robust to the outliers in the
data. The analysis of the role of a particular non-convex loss for prediction
accuracy varies depending on the diminishing tail properties of the gradient of
the loss -- the ability of the loss to efficiently adapt to the outlying data,
the local convex properties of the loss and the proportion of the contaminated
data. In order to use these properties efficiently, we propose a new family of
non-convex losses named $\gamma$-robust losses. Moreover, we present a new
boosting framework, {\it Arch Boost}, designed for augmenting the existing work
such that its corresponding classification algorithm is significantly more
adaptable to the unknown data contamination. Along with the Arch Boosting
framework, the non-convex losses lead to the new class of boosting algorithms,
named adaptive, robust, boosting (ARB). Furthermore, we present theoretical
examples that demonstrate the robustness properties of the proposed algorithms.
In particular, we develop a new breakdown point analysis and a new influence
function analysis that demonstrate gains in robustness. Moreover, we present
new theoretical results, based only on local curvatures, which may be used to
establish statistical and optimization properties of the proposed Arch boosting
algorithms with highly non-convex loss functions. Extensive numerical
calculations are used to illustrate these theoretical properties and reveal
advantages over the existing boosting methods when data exhibits a number of
outliers.
|
On the Online Frank-Wolfe Algorithms for Convex and Non-convex
Optimizations | In this paper, the online variants of the classical Frank-Wolfe algorithm are
considered. We consider minimizing the regret with a stochastic cost. The
online algorithms only require simple iterative updates and a non-adaptive step
size rule, in contrast to the hybrid schemes commonly considered in the
literature. Several new results are derived for convex and non-convex losses.
With a strongly convex stochastic cost and when the optimal solution lies in
the interior of the constraint set or the constraint set is a polytope, the
regret bound and anytime optimality are shown to be ${\cal O}( \log^3 T / T )$
and ${\cal O}( \log^2 T / T)$, respectively, where $T$ is the number of rounds
played. These results are based on an improved analysis on the stochastic
Frank-Wolfe algorithms. Moreover, the online algorithms are shown to converge
even when the loss is non-convex, i.e., the algorithms find a stationary point
to the time-varying/stochastic loss at a rate of ${\cal O}(\sqrt{1/T})$.
Numerical experiments on realistic data sets are presented to support our
theoretical claims.
|
Cross-Device Tracking: Matching Devices and Cookies | The number of computers, tablets and smartphones is increasing rapidly, which
entails the ownership and use of multiple devices to perform online tasks. As
people move across devices to complete these tasks, their identities becomes
fragmented. Understanding the usage and transition between those devices is
essential to develop efficient applications in a multi-device world. In this
paper we present a solution to deal with the cross-device identification of
users based on semi-supervised machine learning methods to identify which
cookies belong to an individual using a device. The method proposed in this
paper scored third in the ICDM 2015 Drawbridge Cross-Device Connections
challenge proving its good performance.
|
Bayesian Inference via Approximation of Log-likelihood for Priors in
Exponential Family | In this paper, a Bayesian inference technique based on Taylor series
approximation of the logarithm of the likelihood function is presented. The
proposed approximation is devised for the case, where the prior distribution
belongs to the exponential family of distributions. The logarithm of the
likelihood function is linearized with respect to the sufficient statistic of
the prior distribution in exponential family such that the posterior obtains
the same exponential family form as the prior. Similarities between the
proposed method and the extended Kalman filter for nonlinear filtering are
illustrated. Furthermore, an extended target measurement update for target
models where the target extent is represented by a random matrix having an
inverse Wishart distribution is derived. The approximate update covers the
important case where the spread of measurement is due to the target extent as
well as the measurement noise in the sensor.
|
Learning in Unlabeled Networks - An Active Learning and Inference
Approach | The task of determining labels of all network nodes based on the knowledge
about network structure and labels of some training subset of nodes is called
the within-network classification. It may happen that none of the labels of the
nodes is known and additionally there is no information about number of classes
to which nodes can be assigned. In such a case a subset of nodes has to be
selected for initial label acquisition. The question that arises is: "labels of
which nodes should be collected and used for learning in order to provide the
best classification accuracy for the whole network?". Active learning and
inference is a practical framework to study this problem.
A set of methods for active learning and inference for within network
classification is proposed and validated. The utility score calculation for
each node based on network structure is the first step in the process. The
scores enable to rank the nodes. Based on the ranking, a set of nodes, for
which the labels are acquired, is selected (e.g. by taking top or bottom N from
the ranking). The new measure-neighbour methods proposed in the paper suggest
not obtaining labels of nodes from the ranking but rather acquiring labels of
their neighbours. The paper examines 29 distinct formulations of utility score
and selection methods reporting their impact on the results of two collective
classification algorithms: Iterative Classification Algorithm and Loopy Belief
Propagation.
We advocate that the accuracy of presented methods depends on the structural
properties of the examined network. We claim that measure-neighbour methods
will work better than the regular methods for networks with higher clustering
coefficient and worse than regular methods for networks with low clustering
coefficient. According to our hypothesis, based on clustering coefficient we
are able to recommend appropriate active learning and inference method.
|
Tight Variational Bounds via Random Projections and I-Projections | Information projections are the key building block of variational inference
algorithms and are used to approximate a target probabilistic model by
projecting it onto a family of tractable distributions. In general, there is no
guarantee on the quality of the approximation obtained. To overcome this issue,
we introduce a new class of random projections to reduce the dimensionality and
hence the complexity of the original model. In the spirit of random
projections, the projection preserves (with high probability) key properties of
the target distribution. We show that information projections can be combined
with random projections to obtain provable guarantees on the quality of the
approximation obtained, regardless of the complexity of the original model. We
demonstrate empirically that augmenting mean field with a random projection
step dramatically improves partition function and marginal probability
estimates, both on synthetic and real world data.
|
Batch Normalized Recurrent Neural Networks | Recurrent Neural Networks (RNNs) are powerful models for sequential data that
have the potential to learn long-term dependencies. However, they are
computationally expensive to train and difficult to parallelize. Recent work
has shown that normalizing intermediate representations of neural networks can
significantly improve convergence rates in feedforward neural networks . In
particular, batch normalization, which uses mini-batch statistics to
standardize features, was shown to significantly reduce training time. In this
paper, we show that applying batch normalization to the hidden-to-hidden
transitions of our RNNs doesn't help the training procedure. We also show that
when applied to the input-to-hidden transitions, batch normalization can lead
to a faster convergence of the training criterion but doesn't seem to improve
the generalization performance on both our language modelling and speech
recognition tasks. All in all, applying batch normalization to RNNs turns out
to be more challenging than applying it to feedforward networks, but certain
variants of it can still be beneficial.
|
Improved Estimation of Class Prior Probabilities through Unlabeled Data | Work in the classification literature has shown that in computing a
classification function, one need not know the class membership of all
observations in the training set; the unlabeled observations still provide
information on the marginal distribution of the feature set, and can thus
contribute to increased classification accuracy for future observations. The
present paper will show that this scheme can also be used for the estimation of
class prior probabilities, which would be very useful in applications in which
it is difficult or expensive to determine class membership. Both parametric and
nonparametric estimators are developed. Asymptotic distributions of the
estimators are derived, and it is proven that the use of the unlabeled
observations does reduce asymptotic variance. This methodology is also extended
to the estimation of subclass probabilities.
|
A Waveform Representation Framework for High-quality Statistical
Parametric Speech Synthesis | State-of-the-art statistical parametric speech synthesis (SPSS) generally
uses a vocoder to represent speech signals and parameterize them into features
for subsequent modeling. Magnitude spectrum has been a dominant feature over
the years. Although perceptual studies have shown that phase spectrum is
essential to the quality of synthesized speech, it is often ignored by using a
minimum phase filter during synthesis and the speech quality suffers. To bypass
this bottleneck in vocoded speech, this paper proposes a phase-embedded
waveform representation framework and establishes a magnitude-phase joint
modeling platform for high-quality SPSS. Our experiments on waveform
reconstruction show that the performance is better than that of the widely-used
STRAIGHT. Furthermore, the proposed modeling and synthesis platform outperforms
a leading-edge, vocoded, deep bidirectional long short-term memory recurrent
neural network (DBLSTM-RNN)-based baseline system in various objective
evaluation metrics conducted.
|
Stochastic subGradient Methods with Linear Convergence for Polyhedral
Convex Optimization | In this paper, we show that simple {Stochastic} subGradient Decent methods
with multiple Restarting, named {\bf RSGD}, can achieve a \textit{linear
convergence rate} for a class of non-smooth and non-strongly convex
optimization problems where the epigraph of the objective function is a
polyhedron, to which we refer as {\bf polyhedral convex optimization}. Its
applications in machine learning include $\ell_1$ constrained or regularized
piecewise linear loss minimization and submodular function minimization. To the
best of our knowledge, this is the first result on the linear convergence rate
of stochastic subgradient methods for non-smooth and non-strongly convex
optimization problems.
|
Local Rademacher Complexity Bounds based on Covering Numbers | This paper provides a general result on controlling local Rademacher
complexities, which captures in an elegant form to relate the complexities with
constraint on the expected norm to the corresponding ones with constraint on
the empirical norm. This result is convenient to apply in real applications and
could yield refined local Rademacher complexity bounds for function classes
satisfying general entropy conditions. We demonstrate the power of our
complexity bounds by applying them to derive effective generalization error
bounds.
|
Bayesian Markov Blanket Estimation | This paper considers a Bayesian view for estimating a sub-network in a Markov
random field. The sub-network corresponds to the Markov blanket of a set of
query variables, where the set of potential neighbours here is big. We
factorize the posterior such that the Markov blanket is conditionally
independent of the network of the potential neighbours. By exploiting this
blockwise decoupling, we derive analytic expressions for posterior
conditionals. Subsequently, we develop an inference scheme which makes use of
the factorization. As a result, estimation of a sub-network is possible without
inferring an entire network. Since the resulting Gibbs sampler scales linearly
with the number of variables, it can handle relatively large neighbourhoods.
The proposed scheme results in faster convergence and superior mixing of the
Markov chain than existing Bayesian network estimation techniques.
|
Quantifying Emergent Behavior of Autonomous Robots | Quantifying behaviors of robots which were generated autonomously from
task-independent objective functions is an important prerequisite for objective
comparisons of algorithms and movements of animals. The temporal sequence of
such a behavior can be considered as a time series and hence complexity
measures developed for time series are natural candidates for its
quantification. The predictive information and the excess entropy are such
complexity measures. They measure the amount of information the past contains
about the future and thus quantify the nonrandom structure in the temporal
sequence. However, when using these measures for systems with continuous states
one has to deal with the fact that their values will depend on the resolution
with which the systems states are observed. For deterministic systems both
measures will diverge with increasing resolution. We therefore propose a new
decomposition of the excess entropy in resolution dependent and resolution
independent parts and discuss how they depend on the dimensionality of the
dynamics, correlations and the noise level. For the practical estimation we
propose to use estimates based on the correlation integral instead of the
direct estimation of the mutual information using the algorithm by Kraskov et
al. (2004) which is based on next neighbor statistics because the latter allows
less control of the scale dependencies. Using our algorithm we are able to show
how autonomous learning generates behavior of increasing complexity with
increasing learning duration.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.