title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Audio Word2Vec: Unsupervised Learning of Audio Segment Representations
using Sequence-to-sequence Autoencoder | The vector representations of fixed dimensionality for words (in text)
offered by Word2Vec have been shown to be very useful in many application
scenarios, in particular due to the semantic information they carry. This paper
proposes a parallel version, the Audio Word2Vec. It offers the vector
representations of fixed dimensionality for variable-length audio segments.
These vector representations are shown to describe the sequential phonetic
structures of the audio segments to a good degree, with very attractive real
world applications such as query-by-example Spoken Term Detection (STD). In
this STD application, the proposed approach significantly outperformed the
conventional Dynamic Time Warping (DTW) based approaches at significantly lower
computation requirements. We propose unsupervised learning of Audio Word2Vec
from audio data without human annotation using Sequence-to-sequence Audoencoder
(SA). SA consists of two RNNs equipped with Long Short-Term Memory (LSTM)
units: the first RNN (encoder) maps the input audio sequence into a vector
representation of fixed dimensionality, and the second RNN (decoder) maps the
representation back to the input audio sequence. The two RNNs are jointly
trained by minimizing the reconstruction error. Denoising Sequence-to-sequence
Autoencoder (DSA) is furthered proposed offering more robust learning.
|
Learning Functions: When Is Deep Better Than Shallow | While the universal approximation property holds both for hierarchical and
shallow networks, we prove that deep (hierarchical) networks can approximate
the class of compositional functions with the same accuracy as shallow networks
but with exponentially lower number of training parameters as well as
VC-dimension. This theorem settles an old conjecture by Bengio on the role of
depth in networks. We then define a general class of scalable, shift-invariant
algorithms to show a simple and natural set of requirements that justify deep
convolutional networks.
|
Convolutional Neural Networks using Logarithmic Data Representation | Recent advances in convolutional neural networks have considered model
complexity and hardware efficiency to enable deployment onto embedded systems
and mobile devices. For example, it is now well-known that the arithmetic
operations of deep networks can be encoded down to 8-bit fixed-point without
significant deterioration in performance. However, further reduction in
precision down to as low as 3-bit fixed-point results in significant losses in
performance. In this paper we propose a new data representation that enables
state-of-the-art networks to be encoded to 3 bits with negligible loss in
classification performance. To perform this, we take advantage of the fact that
the weights and activations in a trained network naturally have non-uniform
distributions. Using non-uniform, base-2 logarithmic representation to encode
weights, communicate activations, and perform dot-products enables networks to
1) achieve higher classification accuracies than fixed-point at the same
resolution and 2) eliminate bulky digital multipliers. Finally, we propose an
end-to-end training procedure that uses log representation at 5-bits, which
achieves higher final test accuracy than linear at 5-bits.
|
Modeling the Sequence of Brain Volumes by Local Mesh Models for Brain
Decoding | We represent the sequence of fMRI (Functional Magnetic Resonance Imaging)
brain volumes recorded during a cognitive stimulus by a graph which consists of
a set of local meshes. The corresponding cognitive process, encoded in the
brain, is then represented by these meshes each of which is estimated assuming
a linear relationship among the voxel time series in a predefined locality.
First, we define the concept of locality in two neighborhood systems, namely,
the spatial and functional neighborhoods. Then, we construct spatially and
functionally local meshes around each voxel, called seed voxel, by connecting
it either to its spatial or functional p-nearest neighbors. The mesh formed
around a voxel is a directed sub-graph with a star topology, where the
direction of the edges is taken towards the seed voxel at the center of the
mesh. We represent the time series recorded at each seed voxel in terms of
linear combination of the time series of its p-nearest neighbors in the mesh.
The relationships between a seed voxel and its neighbors are represented by the
edge weights of each mesh, and are estimated by solving a linear regression
equation. The estimated mesh edge weights lead to a better representation of
information in the brain for encoding and decoding of the cognitive tasks. We
test our model on a visual object recognition and emotional memory retrieval
experiments using Support Vector Machines that are trained using the mesh edge
weights as features. In the experimental analysis, we observe that the edge
weights of the spatial and functional meshes perform better than the
state-of-the-art brain decoding models.
|
Deep Reinforcement Learning from Self-Play in Imperfect-Information
Games | Many real-world applications can be described as large-scale games of
imperfect information. To deal with these challenging domains, prior work has
focused on computing Nash equilibria in a handcrafted abstraction of the
domain. In this paper we introduce the first scalable end-to-end approach to
learning approximate Nash equilibria without prior domain knowledge. Our method
combines fictitious self-play with deep reinforcement learning. When applied to
Leduc poker, Neural Fictitious Self-Play (NFSP) approached a Nash equilibrium,
whereas common reinforcement learning methods diverged. In Limit Texas Holdem,
a poker game of real-world scale, NFSP learnt a strategy that approached the
performance of state-of-the-art, superhuman algorithms based on significant
domain expertise.
|
End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF | State-of-the-art sequence labeling systems traditionally require large
amounts of task-specific knowledge in the form of hand-crafted features and
data pre-processing. In this paper, we introduce a novel neutral network
architecture that benefits from both word- and character-level representations
automatically, by using combination of bidirectional LSTM, CNN and CRF. Our
system is truly end-to-end, requiring no feature engineering or data
pre-processing, thus making it applicable to a wide range of sequence labeling
tasks. We evaluate our system on two data sets for two sequence labeling tasks
--- Penn Treebank WSJ corpus for part-of-speech (POS) tagging and CoNLL 2003
corpus for named entity recognition (NER). We obtain state-of-the-art
performance on both the two data --- 97.55\% accuracy for POS tagging and
91.21\% F1 for NER.
|
Learning deep representation of multityped objects and tasks | We introduce a deep multitask architecture to integrate multityped
representations of multimodal objects. This multitype exposition is less
abstract than the multimodal characterization, but more machine-friendly, and
thus is more precise to model. For example, an image can be described by
multiple visual views, which can be in the forms of bag-of-words (counts) or
color/texture histograms (real-valued). At the same time, the image may have
several social tags, which are best described using a sparse binary vector. Our
deep model takes as input multiple type-specific features, narrows the
cross-modality semantic gaps, learns cross-type correlation, and produces a
high-level homogeneous representation. At the same time, the model supports
heterogeneously typed tasks. We demonstrate the capacity of the model on two
applications: social image retrieval and multiple concept prediction. The deep
architecture produces more compact representation, naturally integrates
multiviews and multimodalities, exploits better side information, and most
importantly, performs competitively against baselines.
|
A Unified View of Localized Kernel Learning | Multiple Kernel Learning, or MKL, extends (kernelized) SVM by attempting to
learn not only a classifier/regressor but also the best kernel for the training
task, usually from a combination of existing kernel functions. Most MKL methods
seek the combined kernel that performs best over every training example,
sacrificing performance in some areas to seek a global optimum. Localized
kernel learning (LKL) overcomes this limitation by allowing the training
algorithm to match a component kernel to the examples that can exploit it best.
Several approaches to the localized kernel learning problem have been explored
in the last several years. We unify many of these approaches under one simple
system and design a new algorithm with improved performance. We also develop
enhanced versions of existing algorithms, with an eye on scalability and
performance.
|
Normalization Propagation: A Parametric Technique for Removing Internal
Covariate Shift in Deep Networks | While the authors of Batch Normalization (BN) identify and address an
important problem involved in training deep networks-- Internal Covariate
Shift-- the current solution has certain drawbacks. Specifically, BN depends on
batch statistics for layerwise input normalization during training which makes
the estimates of mean and standard deviation of input (distribution) to hidden
layers inaccurate for validation due to shifting parameter values (especially
during initial training epochs). Also, BN cannot be used with batch-size 1
during training. We address these drawbacks by proposing a non-adaptive
normalization technique for removing internal covariate shift, that we call
Normalization Propagation. Our approach does not depend on batch statistics,
but rather uses a data-independent parametric estimate of mean and
standard-deviation in every layer thus being computationally faster compared
with BN. We exploit the observation that the pre-activation before Rectified
Linear Units follow Gaussian distribution in deep networks, and that once the
first and second order statistics of any given dataset are normalized, we can
forward propagate this normalization without the need for recalculating the
approximate statistics for hidden layers.
|
Sequential ranking under random semi-bandit feedback | In many web applications, a recommendation is not a single item suggested to
a user but a list of possibly interesting contents that may be ranked in some
contexts. The combinatorial bandit problem has been studied quite extensively
these last two years and many theoretical results now exist : lower bounds on
the regret or asymptotically optimal algorithms. However, because of the
variety of situations that can be considered, results are designed to solve the
problem for a specific reward structure such as the Cascade Model. The present
work focuses on the problem of ranking items when the user is allowed to click
on several items while scanning the list from top to bottom.
|
Integrated Sequence Tagging for Medieval Latin Using Deep Representation
Learning | In this paper we consider two sequence tagging tasks for medieval Latin:
part-of-speech tagging and lemmatization. These are both basic, yet
foundational preprocessing steps in applications such as text re-use detection.
Nevertheless, they are generally complicated by the considerable orthographic
variation which is typical of medieval Latin. In Digital Classics, these tasks
are traditionally solved in a (i) cascaded and (ii) lexicon-dependent fashion.
For example, a lexicon is used to generate all the potential lemma-tag pairs
for a token, and next, a context-aware PoS-tagger is used to select the most
appropriate tag-lemma pair. Apart from the problems with out-of-lexicon items,
error percolation is a major downside of such approaches. In this paper we
explore the possibility to elegantly solve these tasks using a single,
integrated approach. For this, we make use of a layered neural network
architecture from the field of deep representation learning.
|
Network Morphism | We present in this paper a systematic study on how to morph a well-trained
neural network to a new one so that its network function can be completely
preserved. We define this as \emph{network morphism} in this research. After
morphing a parent network, the child network is expected to inherit the
knowledge from its parent network and also has the potential to continue
growing into a more powerful one with much shortened training time. The first
requirement for this network morphism is its ability to handle diverse morphing
types of networks, including changes of depth, width, kernel size, and even
subnet. To meet this requirement, we first introduce the network morphism
equations, and then develop novel morphing algorithms for all these morphing
types for both classic and convolutional neural networks. The second
requirement for this network morphism is its ability to deal with non-linearity
in a network. We propose a family of parametric-activation functions to
facilitate the morphing of any continuous non-linear activation neurons.
Experimental results on benchmark datasets and typical neural networks
demonstrate the effectiveness of the proposed network morphism scheme.
|
Classifier ensemble creation via false labelling | In this paper, a novel approach to classifier ensemble creation is presented.
While other ensemble creation techniques are based on careful selection of
existing classifiers or preprocessing of the data, the presented approach
automatically creates an optimal labelling for a number of classifiers, which
are then assigned to the original data instances and fed to classifiers. The
approach has been evaluated on high-dimensional biomedical datasets. The
results show that the approach outperformed individual approaches in all cases.
|
Variational methods for Conditional Multimodal Deep Learning | In this paper, we address the problem of conditional modality learning,
whereby one is interested in generating one modality given the other. While it
is straightforward to learn a joint distribution over multiple modalities using
a deep multimodal architecture, we observe that such models aren't very
effective at conditional generation. Hence, we address the problem by learning
conditional distributions between the modalities. We use variational methods
for maximizing the corresponding conditional log-likelihood. The resultant deep
model, which we refer to as conditional multimodal autoencoder (CMMA), forces
the latent representation obtained from a single modality alone to be `close'
to the joint representation obtained from multiple modalities. We use the
proposed model to generate faces from attributes. We show that the faces
generated from attributes using the proposed model, are qualitatively and
quantitatively more representative of the attributes from which they were
generated, than those obtained by other deep generative models. We also propose
a secondary task, whereby the existing faces are modified by modifying the
corresponding attributes. We observe that the modifications in face introduced
by the proposed model are representative of the corresponding modifications in
attributes.
|
Hierarchical Decision Making In Electricity Grid Management | The power grid is a complex and vital system that necessitates careful
reliability management. Managing the grid is a difficult problem with multiple
time scales of decision making and stochastic behavior due to renewable energy
generations, variable demand and unplanned outages. Solving this problem in the
face of uncertainty requires a new methodology with tractable algorithms. In
this work, we introduce a new model for hierarchical decision making in complex
systems. We apply reinforcement learning (RL) methods to learn a proxy, i.e., a
level of abstraction, for real-time power grid reliability. We devise an
algorithm that alternates between slow time-scale policy improvement, and fast
time-scale value function approximation. We compare our results to prevailing
heuristics, and show the strength of our method.
|
Online Learning to Rank with Feedback at the Top | We consider an online learning to rank setting in which, at each round, an
oblivious adversary generates a list of $m$ documents, pertaining to a query,
and the learner produces scores to rank the documents. The adversary then
generates a relevance vector and the learner updates its ranker according to
the feedback received. We consider the setting where the feedback is restricted
to be the relevance levels of only the top $k$ documents in the ranked list for
$k \ll m$. However, the performance of learner is judged based on the
unrevealed full relevance vectors, using an appropriate learning to rank loss
function. We develop efficient algorithms for well known losses in the
pointwise, pairwise and listwise families. We also prove that no online
algorithm can have sublinear regret, with top-1 feedback, for any loss that is
calibrated with respect to NDCG. We apply our algorithms on benchmark datasets
demonstrating efficient online learning of a ranking function from highly
restricted feedback.
|
Generalization error bounds for learning to rank: Does the length of
document lists matter? | We consider the generalization ability of algorithms for learning to rank at
a query level, a problem also called subset ranking. Existing generalization
error bounds necessarily degrade as the size of the document list associated
with a query increases. We show that such a degradation is not intrinsic to the
problem. For several loss functions, including the cross-entropy loss used in
the well known ListNet method, there is \emph{no} degradation in generalization
ability as document lists become longer. We also provide novel generalization
error bounds under $\ell_1$ regularization and faster convergence rates if the
loss function is smooth.
|
Personalized Advertisement Recommendation: A Ranking Approach to Address
the Ubiquitous Click Sparsity Problem | We study the problem of personalized advertisement recommendation (PAR),
which consist of a user visiting a system (website) and the system displaying
one of $K$ ads to the user. The system uses an internal ad recommendation
policy to map the user's profile (context) to one of the ads. The user either
clicks or ignores the ad and correspondingly, the system updates its
recommendation policy. PAR problem is usually tackled by scalable
\emph{contextual bandit} algorithms, where the policies are generally based on
classifiers. A practical problem in PAR is extreme click sparsity, due to very
few users actually clicking on ads. We systematically study the drawback of
using contextual bandit algorithms based on classifier-based policies, in face
of extreme click sparsity. We then suggest an alternate policy, based on
rankers, learnt by optimizing the Area Under the Curve (AUC) ranking loss,
which can significantly alleviate the problem of click sparsity. We conduct
extensive experiments on public datasets, as well as three industry proprietary
datasets, to illustrate the improvement in click-through-rate (CTR) obtained by
using the ranker-based policy over classifier-based policies.
|
Confidence-Constrained Maximum Entropy Framework for Learning from
Multi-Instance Data | Multi-instance data, in which each object (bag) contains a collection of
instances, are widespread in machine learning, computer vision, bioinformatics,
signal processing, and social sciences. We present a maximum entropy (ME)
framework for learning from multi-instance data. In this approach each bag is
represented as a distribution using the principle of ME. We introduce the
concept of confidence-constrained ME (CME) to simultaneously learn the
structure of distribution space and infer each distribution. The shared
structure underlying each density is used to learn from instances inside each
bag. The proposed CME is free of tuning parameters. We devise a fast
optimization algorithm capable of handling large scale multi-instance data. In
the experimental section, we evaluate the performance of the proposed approach
in terms of exact rank recovery in the space of distributions and compare it
with the regularized ME approach. Moreover, we compare the performance of CME
with Multi-Instance Learning (MIL) state-of-the-art algorithms and show a
comparable performance in terms of accuracy with reduced computational
complexity.
|
A Latent Variable Recurrent Neural Network for Discourse Relation
Language Models | This paper presents a novel latent variable recurrent neural network
architecture for jointly modeling sequences of words and (possibly latent)
discourse relations between adjacent sentences. A recurrent neural network
generates individual words, thus reaping the benefits of
discriminatively-trained vector representations. The discourse relations are
represented with a latent variable, which can be predicted or marginalized,
depending on the task. The resulting model can therefore employ a training
objective that includes not only discourse relation classification, but also
word prediction. As a result, it outperforms state-of-the-art alternatives for
two tasks: implicit discourse relation classification in the Penn Discourse
Treebank, and dialog act classification in the Switchboard corpus. Furthermore,
by marginalizing over latent discourse relations at test time, we obtain a
discourse informed language model, which improves over a strong LSTM baseline.
|
Differentially Private Policy Evaluation | We present the first differentially private algorithms for reinforcement
learning, which apply to the task of evaluating a fixed policy. We establish
two approaches for achieving differential privacy, provide a theoretical
analysis of the privacy and utility of the two algorithms, and show promising
results on simple empirical examples.
|
Unscented Bayesian Optimization for Safe Robot Grasping | We address the robot grasp optimization problem of unknown objects
considering uncertainty in the input space. Grasping unknown objects can be
achieved by using a trial and error exploration strategy. Bayesian optimization
is a sample efficient optimization algorithm that is especially suitable for
this setups as it actively reduces the number of trials for learning about the
function to optimize. In fact, this active object exploration is the same
strategy that infants do to learn optimal grasps. One problem that arises while
learning grasping policies is that some configurations of grasp parameters may
be very sensitive to error in the relative pose between the object and robot
end-effector. We call these configurations unsafe because small errors during
grasp execution may turn good grasps into bad grasps. Therefore, to reduce the
risk of grasp failure, grasps should be planned in safe areas. We propose a new
algorithm, Unscented Bayesian optimization that is able to perform sample
efficient optimization while taking into consideration input noise to find safe
optima. The contribution of Unscented Bayesian optimization is twofold as if
provides a new decision process that drives exploration to safe regions and a
new selection procedure that chooses the optimal in terms of its safety without
extra analysis or computational cost. Both contributions are rooted on the
strong theory behind the unscented transformation, a popular nonlinear
approximation method. We show its advantages with respect to the classical
Bayesian optimization both in synthetic problems and in realistic robot grasp
simulations. The results highlights that our method achieves optimal and robust
grasping policies after few trials while the selected grasps remain in safe
regions.
|
Learning Shared Representations in Multi-task Reinforcement Learning | We investigate a paradigm in multi-task reinforcement learning (MT-RL) in
which an agent is placed in an environment and needs to learn to perform a
series of tasks, within this space. Since the environment does not change,
there is potentially a lot of common ground amongst tasks and learning to solve
them individually seems extremely wasteful. In this paper, we explicitly model
and learn this shared structure as it arises in the state-action value space.
We will show how one can jointly learn optimal value-functions by modifying the
popular Value-Iteration and Policy-Iteration procedures to accommodate this
shared representation assumption and leverage the power of multi-task
supervised learning. Finally, we demonstrate that the proposed model and
training procedures, are able to infer good value functions, even under low
samples regimes. In addition to data efficiency, we will show in our analysis,
that learning abstractions of the state space jointly across tasks leads to
more robust, transferable representations with the potential for better
generalization. this shared representation assumption and leverage the power of
multi-task supervised learning. Finally, we demonstrate that the proposed model
and training procedures, are able to infer good value functions, even under low
samples regimes. In addition to data efficiency, we will show in our analysis,
that learning abstractions of the state space jointly across tasks leads to
more robust, transferable representations with the potential for better
generalization.
|
Optimal dictionary for least squares representation | Dictionaries are collections of vectors used for representations of random
vectors in Euclidean spaces. Recent research on optimal dictionaries is focused
on constructing dictionaries that offer sparse representations, i.e.,
$\ell_0$-optimal representations. Here we consider the problem of finding
optimal dictionaries with which representations of samples of a random vector
are optimal in an $\ell_2$-sense: optimality of representation is defined as
attaining the minimal average $\ell_2$-norm of the coefficients used to
represent the random vector. With the help of recent results on rank-$1$
decompositions of symmetric positive semidefinite matrices, we provide an
explicit description of $\ell_2$-optimal dictionaries as well as their
algorithmic constructions in polynomial time.
|
Distributed Multi-Task Learning with Shared Representation | We study the problem of distributed multi-task learning with shared
representation, where each machine aims to learn a separate, but related, task
in an unknown shared low-dimensional subspaces, i.e. when the predictor matrix
has low rank. We consider a setting where each task is handled by a different
machine, with samples for the task available locally on the machine, and study
communication-efficient methods for exploiting the shared structure.
|
Gaussian Process Regression for Out-of-Sample Extension | Manifold learning methods are useful for high dimensional data analysis. Many
of the existing methods produce a low dimensional representation that attempts
to describe the intrinsic geometric structure of the original data. Typically,
this process is computationally expensive and the produced embedding is limited
to the training data. In many real life scenarios, the ability to produce
embedding of unseen samples is essential. In this paper we propose a Bayesian
non-parametric approach for out-of-sample extension. The method is based on
Gaussian Process Regression and independent of the manifold learning algorithm.
Additionally, the method naturally provides a measure for the degree of
abnormality for a newly arrived data point that did not participate in the
training process. We derive the mathematical connection between the proposed
method and the Nystrom extension and show that the latter is a special case of
the former. We present extensive experimental results that demonstrate the
performance of the proposed method and compare it to other existing
out-of-sample extension methods.
|
Learning Hand-Eye Coordination for Robotic Grasping with Deep Learning
and Large-Scale Data Collection | We describe a learning-based approach to hand-eye coordination for robotic
grasping from monocular images. To learn hand-eye coordination for grasping, we
trained a large convolutional neural network to predict the probability that
task-space motion of the gripper will result in successful grasps, using only
monocular camera images and independently of camera calibration or the current
robot pose. This requires the network to observe the spatial relationship
between the gripper and objects in the scene, thus learning hand-eye
coordination. We then use this network to servo the gripper in real time to
achieve successful grasps. To train our network, we collected over 800,000
grasp attempts over the course of two months, using between 6 and 14 robotic
manipulators at any given time, with differences in camera placement and
hardware. Our experimental evaluation demonstrates that our method achieves
effective real-time control, can successfully grasp novel objects, and corrects
mistakes by continuous servoing.
|
Online Sparse Linear Regression | We consider the online sparse linear regression problem, which is the problem
of sequentially making predictions observing only a limited number of features
in each round, to minimize regret with respect to the best sparse linear
regressor, where prediction accuracy is measured by square loss. We give an
inefficient algorithm that obtains regret bounded by $\tilde{O}(\sqrt{T})$
after $T$ prediction rounds. We complement this result by showing that no
algorithm running in polynomial time per iteration can achieve regret bounded
by $O(T^{1-\delta})$ for any constant $\delta > 0$ unless $\text{NP} \subseteq
\text{BPP}$. This computational hardness result resolves an open problem
presented in COLT 2014 (Kale, 2014) and also posed by Zolghadr et al. (2013).
This hardness result holds even if the algorithm is allowed to access more
features than the best sparse linear regressor up to a logarithmic factor in
the dimension.
|
Stochastic dual averaging methods using variance reduction techniques
for regularized empirical risk minimization problems | We consider a composite convex minimization problem associated with
regularized empirical risk minimization, which often arises in machine
learning. We propose two new stochastic gradient methods that are based on
stochastic dual averaging method with variance reduction. Our methods generate
a sparser solution than the existing methods because we do not need to take the
average of the history of the solutions. This is favorable in terms of both
interpretability and generalization. Moreover, our methods have theoretical
support for both a strongly and a non-strongly convex regularizer and achieve
the best known convergence rates among existing nonaccelerated stochastic
gradient methods.
|
A Bayesian non-parametric method for clustering high-dimensional binary
data | In many real life problems, objects are described by large number of binary
features. For instance, documents are characterized by presence or absence of
certain keywords; cancer patients are characterized by presence or absence of
certain mutations etc. In such cases, grouping together similar
objects/profiles based on such high dimensional binary features is desirable,
but challenging. Here, I present a Bayesian non parametric algorithm for
clustering high dimensional binary data. It uses a Dirichlet Process (DP)
mixture model and simulated annealing to not only cluster binary data, but also
find optimal number of clusters in the data. The performance of the algorithm
was evaluated and compared with other algorithms using simulated datasets. It
outperformed all other clustering methods that were tested in the simulation
studies. It was also used to cluster real datasets arising from document
analysis, handwritten image analysis and cancer research. It successfully
divided a set of documents based on their topics, hand written images based on
different styles of writing digits and identified tissue and mutation
specificity of chemotherapy treatments.
|
Mixture Proportion Estimation via Kernel Embedding of Distributions | Mixture proportion estimation (MPE) is the problem of estimating the weight
of a component distribution in a mixture, given samples from the mixture and
component. This problem constitutes a key part in many "weakly supervised
learning" problems like learning with positive and unlabelled samples, learning
with label noise, anomaly detection and crowdsourcing. While there have been
several methods proposed to solve this problem, to the best of our knowledge no
efficient algorithm with a proven convergence rate towards the true proportion
exists for this problem. We fill this gap by constructing a provably correct
algorithm for MPE, and derive convergence rates under certain assumptions on
the distribution. Our method is based on embedding distributions onto an RKHS,
and implementing it only requires solving a simple convex quadratic programming
problem a few times. We run our algorithm on several standard classification
datasets, and demonstrate that it performs comparably to or better than other
algorithms on most datasets.
|
Variational Autoencoders for Semi-supervised Text Classification | Although semi-supervised variational autoencoder (SemiVAE) works in image
classification task, it fails in text classification task if using vanilla LSTM
as its decoder. From a perspective of reinforcement learning, it is verified
that the decoder's capability to distinguish between different categorical
labels is essential. Therefore, Semi-supervised Sequential Variational
Autoencoder (SSVAE) is proposed, which increases the capability by feeding
label into its decoder RNN at each time-step. Two specific decoder structures
are investigated and both of them are verified to be effective. Besides, in
order to reduce the computational complexity in training, a novel optimization
method is proposed, which estimates the gradient of the unlabeled objective
function by sampling, along with two variance reduction techniques.
Experimental results on Large Movie Review Dataset (IMDB) and AG's News corpus
show that the proposed approach significantly improves the classification
accuracy compared with pure-supervised classifiers, and achieves competitive
performance against previous advanced methods. State-of-the-art results can be
obtained by integrating other pretraining-based methods.
|
On the inconsistency of $\ell_1$-penalised sparse precision matrix
estimation | Various $\ell_1$-penalised estimation methods such as graphical lasso and
CLIME are widely used for sparse precision matrix estimation. Many of these
methods have been shown to be consistent under various quantitative assumptions
about the underlying true covariance matrix. Intuitively, these conditions are
related to situations where the penalty term will dominate the optimisation. In
this paper, we explore the consistency of $\ell_1$-based methods for a class of
sparse latent variable -like models, which are strongly motivated by several
types of applications. We show that all $\ell_1$-based methods fail
dramatically for models with nearly linear dependencies between the variables.
We also study the consistency on models derived from real gene expression data
and note that the assumptions needed for consistency never hold even for modest
sized gene networks and $\ell_1$-based methods also become unreliable in
practice for larger networks.
|
Batched Lazy Decision Trees | We introduce a batched lazy algorithm for supervised classification using
decision trees. It avoids unnecessary visits to irrelevant nodes when it is
used to make predictions with either eagerly or lazily trained decision trees.
A set of experiments demonstrate that the proposed algorithm can outperform
both the conventional and lazy decision tree algorithms in terms of computation
time as well as memory consumption, without compromising accuracy.
|
Prediction of Infinite Words with Automata | In the classic problem of sequence prediction, a predictor receives a
sequence of values from an emitter and tries to guess the next value before it
appears. The predictor masters the emitter if there is a point after which all
of the predictor's guesses are correct. In this paper we consider the case in
which the predictor is an automaton and the emitted values are drawn from a
finite set; i.e., the emitted sequence is an infinite word. We examine the
predictive capabilities of finite automata, pushdown automata, stack automata
(a generalization of pushdown automata), and multihead finite automata. We
relate our predicting automata to purely periodic words, ultimately periodic
words, and multilinear words, describing novel prediction algorithms for
mastering these sequences.
|
UTA-poly and UTA-splines: additive value functions with polynomial
marginals | Additive utility function models are widely used in multiple criteria
decision analysis. In such models, a numerical value is associated to each
alternative involved in the decision problem. It is computed by aggregating the
scores of the alternative on the different criteria of the decision problem.
The score of an alternative is determined by a marginal value function that
evolves monotonically as a function of the performance of the alternative on
this criterion. Determining the shape of the marginals is not easy for a
decision maker. It is easier for him/her to make statements such as
"alternative $a$ is preferred to $b$". In order to help the decision maker, UTA
disaggregation procedures use linear programming to approximate the marginals
by piecewise linear functions based only on such statements. In this paper, we
propose to infer polynomials and splines instead of piecewise linear functions
for the marginals. In this aim, we use semidefinite programming instead of
linear programming. We illustrate this new elicitation method and present some
experimental results.
|
DROW: Real-Time Deep Learning based Wheelchair Detection in 2D Range
Data | We introduce the DROW detector, a deep learning based detector for 2D range
data. Laser scanners are lighting invariant, provide accurate range data, and
typically cover a large field of view, making them interesting sensors for
robotics applications. So far, research on detection in laser range data has
been dominated by hand-crafted features and boosted classifiers, potentially
losing performance due to suboptimal design choices. We propose a Convolutional
Neural Network (CNN) based detector for this task. We show how to effectively
apply CNNs for detection in 2D range data, and propose a depth preprocessing
step and voting scheme that significantly improve CNN performance. We
demonstrate our approach on wheelchairs and walkers, obtaining state of the art
detection results. Apart from the training data, none of our design choices
limits the detector to these two classes, though. We provide a ROS node for our
detector and release our dataset containing 464k laser scans, out of which 24k
were annotated.
|
Small ensembles of kriging models for optimization | The Efficient Global Optimization (EGO) algorithm uses a conditional
Gaus-sian Process (GP) to approximate an objective function known at a finite
number of observation points and sequentially adds new points which maximize
the Expected Improvement criterion according to the GP. The important factor
that controls the efficiency of EGO is the GP covariance function (or kernel)
which should be chosen according to the objective function. Traditionally, a
pa-rameterized family of covariance functions is considered whose parameters
are learned through statistical procedures such as maximum likelihood or
cross-validation. However, it may be questioned whether statistical procedures
for learning covariance functions are the most efficient for optimization as
they target a global agreement between the GP and the observations which is not
the ultimate goal of optimization. Furthermore, statistical learning procedures
are computationally expensive. The main alternative to the statistical learning
of the GP is self-adaptation, where the algorithm tunes the kernel parameters
based on their contribution to objective function improvement. After
questioning the possibility of self-adaptation for kriging based optimizers,
this paper proposes a novel approach for tuning the length-scale of the GP in
EGO: At each iteration, a small ensemble of kriging models structured by their
length-scales is created. All of the models contribute to an iterate in an
EGO-like fashion. Then, the set of models is densified around the model whose
length-scale yielded the best iterate and further points are produced.
Numerical experiments are provided which motivate the use of many
length-scales. The tested implementation does not perform better than the
classical EGO algorithm in a sequential context but show the potential of the
approach for parallel implementations.
|
Online but Accurate Inference for Latent Variable Models with Local
Gibbs Sampling | We study parameter inference in large-scale latent variable models. We first
propose an unified treatment of online inference for latent variable models
from a non-canonical exponential family, and draw explicit links between
several previously proposed frequentist or Bayesian methods. We then propose a
novel inference method for the frequentist estimation of parameters, that
adapts MCMC methods to online inference of latent variable models with the
proper use of local Gibbs sampling. Then, for latent Dirich-let allocation,we
provide an extensive set of experiments and comparisons with existing work,
where our new approach outperforms all previously proposed methods. In
particular, using Gibbs sampling for latent variable inference is superior to
variational inference in terms of test log-likelihoods. Moreover, Bayesian
inference through variational methods perform poorly, sometimes leading to
worse fits with latent variables of higher dimensionality.
|
Rank Aggregation for Course Sequence Discovery | In this work, we adapt the rank aggregation framework for the discovery of
optimal course sequences at the university level. Each student provides a
partial ranking of the courses taken throughout his or her undergraduate
career. We compute pairwise rank comparisons between courses based on the order
students typically take them, aggregate the results over the entire student
population, and then obtain a proxy for the rank offset between pairs of
courses. We extract a global ranking of the courses via several state-of-the
art algorithms for ranking with pairwise noisy information, including
SerialRank, Rank Centrality, and the recent SyncRank based on the group
synchronization problem. We test this application of rank aggregation on 15
years of student data from the Department of Mathematics at the University of
California, Los Angeles (UCLA). Furthermore, we experiment with the above
approach on different subsets of the student population conditioned on final
GPA, and highlight several differences in the obtained rankings that uncover
hidden pre-requisites in the Mathematics curriculum.
|
Best-of-K Bandits | This paper studies the Best-of-K Bandit game: At each time the player chooses
a subset S among all N-choose-K possible options and observes reward max(X(i) :
i in S) where X is a random vector drawn from a joint distribution. The
objective is to identify the subset that achieves the highest expected reward
with high probability using as few queries as possible. We present
distribution-dependent lower bounds based on a particular construction which
force a learner to consider all N-choose-K subsets, and match naive extensions
of known upper bounds in the bandit setting obtained by treating each subset as
a separate arm. Nevertheless, we present evidence that exhaustive search may be
avoided for certain, favorable distributions because the influence of
high-order order correlations may be dominated by lower order statistics.
Finally, we present an algorithm and analysis for independent arms, which
mitigates the surprising non-trivial information occlusion that occurs due to
only observing the max in the subset. This may inform strategies for more
general dependent measures, and we complement these result with independent-arm
lower bounds.
|
XGBoost: A Scalable Tree Boosting System | Tree boosting is a highly effective and widely used machine learning method.
In this paper, we describe a scalable end-to-end tree boosting system called
XGBoost, which is used widely by data scientists to achieve state-of-the-art
results on many machine learning challenges. We propose a novel sparsity-aware
algorithm for sparse data and weighted quantile sketch for approximate tree
learning. More importantly, we provide insights on cache access patterns, data
compression and sharding to build a scalable tree boosting system. By combining
these insights, XGBoost scales beyond billions of examples using far fewer
resources than existing systems.
|
megaman: Manifold Learning with Millions of points | Manifold Learning is a class of algorithms seeking a low-dimensional
non-linear representation of high-dimensional data. Thus manifold learning
algorithms are, at least in theory, most applicable to high-dimensional data
and sample sizes to enable accurate estimation of the manifold. Despite this,
most existing manifold learning implementations are not particularly scalable.
Here we present a Python package that implements a variety of manifold learning
algorithms in a modular and scalable fashion, using fast approximate neighbors
searches and fast sparse eigendecompositions. The package incorporates
theoretical advances in manifold learning, such as the unbiased Laplacian
estimator and the estimation of the embedding distortion by the Riemannian
metric method. In benchmarks, even on a single-core desktop computer, our code
embeds millions of data points in minutes, and takes just 200 minutes to embed
the main sample of galaxy spectra from the Sloan Digital Sky Survey ---
consisting of 0.6 million samples in 3750-dimensions --- a task which has not
previously been possible.
|
Optimized Kernel Entropy Components | This work addresses two main issues of the standard Kernel Entropy Component
Analysis (KECA) algorithm: the optimization of the kernel decomposition and the
optimization of the Gaussian kernel parameter. KECA roughly reduces to a
sorting of the importance of kernel eigenvectors by entropy instead of by
variance as in Kernel Principal Components Analysis. In this work, we propose
an extension of the KECA method, named Optimized KECA (OKECA), that directly
extracts the optimal features retaining most of the data entropy by means of
compacting the information in very few features (often in just one or two). The
proposed method produces features which have higher expressive power. In
particular, it is based on the Independent Component Analysis (ICA) framework,
and introduces an extra rotation to the eigen-decomposition, which is optimized
via gradient ascent search. This maximum entropy preservation suggests that
OKECA features are more efficient than KECA features for density estimation. In
addition, a critical issue in both methods is the selection of the kernel
parameter since it critically affects the resulting performance. Here we
analyze the most common kernel length-scale selection criteria. Results of both
methods are illustrated in different synthetic and real problems. Results show
that 1) OKECA returns projections with more expressive power than KECA, 2) the
most successful rule for estimating the kernel parameter is based on maximum
likelihood, and 3) OKECA is more robust to the selection of the length-scale
parameter in kernel density estimation.
|
Faster learning of deep stacked autoencoders on multi-core systems using
synchronized layer-wise pre-training | Deep neural networks are capable of modelling highly non-linear functions by
capturing different levels of abstraction of data hierarchically. While
training deep networks, first the system is initialized near a good optimum by
greedy layer-wise unsupervised pre-training. However, with burgeoning data and
increasing dimensions of the architecture, the time complexity of this approach
becomes enormous. Also, greedy pre-training of the layers often turns
detrimental by over-training a layer causing it to lose harmony with the rest
of the network. In this paper a synchronized parallel algorithm for
pre-training deep networks on multi-core machines has been proposed. Different
layers are trained by parallel threads running on different cores with regular
synchronization. Thus the pre-training process becomes faster and chances of
over-training are reduced. This is experimentally validated using a stacked
autoencoder for dimensionality reduction of MNIST handwritten digit database.
The proposed algorithm achieved 26\% speed-up compared to greedy layer-wise
pre-training for achieving the same reconstruction accuracy substantiating its
potential as an alternative.
|
Starting Small -- Learning with Adaptive Sample Sizes | For many machine learning problems, data is abundant and it may be
prohibitive to make multiple passes through the full training set. In this
context, we investigate strategies for dynamically increasing the effective
sample size, when using iterative methods such as stochastic gradient descent.
Our interest is motivated by the rise of variance-reduced methods, which
achieve linear convergence rates that scale favorably for smaller sample sizes.
Exploiting this feature, we show -- theoretically and empirically -- how to
obtain significant speed-ups with a novel algorithm that reaches statistical
accuracy on an $n$-sample in $2n$, instead of $n \log n$ steps.
|
Low-rank passthrough neural networks | Various common deep learning architectures, such as LSTMs, GRUs, Resnets and
Highway Networks, employ state passthrough connections that support training
with high feed-forward depth or recurrence over many time steps. These
"Passthrough Networks" architectures also enable the decoupling of the network
state size from the number of parameters of the network, a possibility has been
studied by \newcite{Sak2014} with their low-rank parametrization of the LSTM.
In this work we extend this line of research, proposing effective, low-rank and
low-rank plus diagonal matrix parametrizations for Passthrough Networks which
exploit this decoupling property, reducing the data complexity and memory
requirements of the network while preserving its memory capacity. This is
particularly beneficial in low-resource settings as it supports expressive
models with a compact parametrization less susceptible to overfitting. We
present competitive experimental results on several tasks, including language
modeling and a near state of the art result on sequential randomly-permuted
MNIST classification, a hard task on natural data.
|
Theoretical Comparisons of Positive-Unlabeled Learning against
Positive-Negative Learning | In PU learning, a binary classifier is trained from positive (P) and
unlabeled (U) data without negative (N) data. Although N data is missing, it
sometimes outperforms PN learning (i.e., ordinary supervised learning).
Hitherto, neither theoretical nor experimental analysis has been given to
explain this phenomenon. In this paper, we theoretically compare PU (and NU)
learning against PN learning based on the upper bounds on estimation errors. We
find simple conditions when PU and NU learning are likely to outperform PN
learning, and we prove that, in terms of the upper bounds, either PU or NU
learning (depending on the class-prior probability and the sizes of P and N
data) given infinite U data will improve on PN learning. Our theoretical
findings well agree with the experimental results on artificial and benchmark
data even when the experimental setup does not match the theoretical
assumptions exactly.
|
Scenario Submodular Cover | Many problems in Machine Learning can be modeled as submodular optimization
problems. Recent work has focused on stochastic or adaptive versions of these
problems. We consider the Scenario Submodular Cover problem, which is a
counterpart to the Stochastic Submodular Cover problem studied by Golovin and
Krause. In Scenario Submodular Cover, the goal is to produce a cover with
minimum expected cost, where the expectation is with respect to an empirical
joint distribution, given as input by a weighted sample of realizations. In
contrast, in Stochastic Submodular Cover, the variables of the input
distribution are assumed to be independent, and the distribution of each
variable is given as input. Building on algorithms developed by Cicalese et al.
and Golovin and Krause for related problems, we give two approximation
algorithms for Scenario Submodular Cover over discrete distributions. The first
achieves an approximation factor of O(log Qm), where m is the size of the
sample and Q is the goal utility. The second, simpler algorithm achieves an
approximation bound of O(log QW), where Q is the goal utility and W is the sum
of the integer weights. (Both bounds assume an integer-valued utility
function.) Our results yield approximation bounds for other problems involving
non-independent distributions that are explicitly specified by their support.
|
Personalized Speech recognition on mobile devices | We describe a large vocabulary speech recognition system that is accurate,
has low latency, and yet has a small enough memory and computational footprint
to run faster than real-time on a Nexus 5 Android smartphone. We employ a
quantized Long Short-Term Memory (LSTM) acoustic model trained with
connectionist temporal classification (CTC) to directly predict phoneme
targets, and further reduce its memory footprint using an SVD-based compression
scheme. Additionally, we minimize our memory footprint by using a single
language model for both dictation and voice command domains, constructed using
Bayesian interpolation. Finally, in order to properly handle device-specific
information, such as proper names and other context-dependent information, we
inject vocabulary items into the decoder graph and bias the language model
on-the-fly. Our system achieves 13.5% word error rate on an open-ended
dictation task, running with a median speed that is seven times faster than
real-time.
|
Pymanopt: A Python Toolbox for Optimization on Manifolds using Automatic
Differentiation | Optimization on manifolds is a class of methods for optimization of an
objective function, subject to constraints which are smooth, in the sense that
the set of points which satisfy the constraints admits the structure of a
differentiable manifold. While many optimization problems are of the described
form, technicalities of differential geometry and the laborious calculation of
derivatives pose a significant barrier for experimenting with these methods.
We introduce Pymanopt (available at https://pymanopt.github.io), a toolbox
for optimization on manifolds, implemented in Python, that---similarly to the
Manopt Matlab toolbox---implements several manifold geometries and optimization
algorithms. Moreover, we lower the barriers to users further by using automated
differentiation for calculating derivative information, saving users time and
saving them from potential calculation and implementation errors.
|
An Innovative Imputation and Classification Approach for Accurate
Disease Prediction | Imputation of missing attribute values in medical datasets for extracting
hidden knowledge from medical datasets is an interesting research topic of
interest which is very challenging. One cannot eliminate missing values in
medical records. The reason may be because some tests may not been conducted as
they are cost effective, values missed when conducting clinical trials, values
may not have been recorded to name some of the reasons. Data mining researchers
have been proposing various approaches to find and impute missing values to
increase classification accuracies so that disease may be predicted accurately.
In this paper, we propose a novel imputation approach for imputation of missing
values and performing classification after fixing missing values. The approach
is based on clustering concept and aims at dimensionality reduction of the
records. The case study discussed shows that missing values can be fixed and
imputed efficiently by achieving dimensionality reduction. The importance of
proposed approach for classification is visible in the case study which assigns
single class label in contrary to multi-label assignment if dimensionality
reduction is not performed.
|
Scalable Linear Causal Inference for Irregularly Sampled Time Series
with Long Range Dependencies | Linear causal analysis is central to a wide range of important application
spanning finance, the physical sciences, and engineering. Much of the existing
literature in linear causal analysis operates in the time domain.
Unfortunately, the direct application of time domain linear causal analysis to
many real-world time series presents three critical challenges: irregular
temporal sampling, long range dependencies, and scale. Moreover, real-world
data is often collected at irregular time intervals across vast arrays of
decentralized sensors and with long range dependencies which make naive time
domain correlation estimators spurious. In this paper we present a frequency
domain based estimation framework which naturally handles irregularly sampled
data and long range dependencies while enabled memory and communication
efficient distributed processing of time series data. By operating in the
frequency domain we eliminate the need to interpolate and help mitigate the
effects of long range dependencies. We implement and evaluate our new work-flow
in the distributed setting using Apache Spark and demonstrate on both Monte
Carlo simulations and high-frequency financial trading that we can accurately
recover causal structure at scale.
|
Near-Optimal Active Learning of Halfspaces via Query Synthesis in the
Noisy Setting | In this paper, we consider the problem of actively learning a linear
classifier through query synthesis where the learner can construct artificial
queries in order to estimate the true decision boundaries. This problem has
recently gained a lot of interest in automated science and adversarial reverse
engineering for which only heuristic algorithms are known. In such
applications, queries can be constructed de novo to elicit information (e.g.,
automated science) or to evade detection with minimal cost (e.g., adversarial
reverse engineering). We develop a general framework, called dimension coupling
(DC), that 1) reduces a d-dimensional learning problem to d-1 low dimensional
sub-problems, 2) solves each sub-problem efficiently, 3) appropriately
aggregates the results and outputs a linear classifier, and 4) provides a
theoretical guarantee for all possible schemes of aggregation. The proposed
method is proved resilient to noise. We show that the DC framework avoids the
curse of dimensionality: its computational complexity scales linearly with the
dimension. Moreover, we show that the query complexity of DC is near optimal
(within a constant factor of the optimum algorithm). To further support our
theoretical analysis, we compare the performance of DC with the existing work.
We observe that DC consistently outperforms the prior arts in terms of query
complexity while often running orders of magnitude faster.
|
Watch-n-Patch: Unsupervised Learning of Actions and Relations | There is a large variation in the activities that humans perform in their
everyday lives. We consider modeling these composite human activities which
comprises multiple basic level actions in a completely unsupervised setting.
Our model learns high-level co-occurrence and temporal relations between the
actions. We consider the video as a sequence of short-term action clips, which
contains human-words and object-words. An activity is about a set of
action-topics and object-topics indicating which actions are present and which
objects are interacting with. We then propose a new probabilistic model
relating the words and the topics. It allows us to model long-range action
relations that commonly exist in the composite activities, which is challenging
in previous works. We apply our model to the unsupervised action segmentation
and clustering, and to a novel application that detects forgotten actions,
which we call action patching. For evaluation, we contribute a new challenging
RGB-D activity video dataset recorded by the new Kinect v2, which contains
several human daily activities as compositions of multiple actions interacting
with different objects. Moreover, we develop a robotic system that watches
people and reminds people by applying our action patching algorithm. Our
robotic setup can be easily deployed on any assistive robot.
|
Learning from Imbalanced Multiclass Sequential Data Streams Using
Dynamically Weighted Conditional Random Fields | The present study introduces a method for improving the classification
performance of imbalanced multiclass data streams from wireless body worn
sensors. Data imbalance is an inherent problem in activity recognition caused
by the irregular time distribution of activities, which are sequential and
dependent on previous movements. We use conditional random fields (CRF), a
graphical model for structured classification, to take advantage of
dependencies between activities in a sequence. However, CRFs do not consider
the negative effects of class imbalance during training. We propose a
class-wise dynamically weighted CRF (dWCRF) where weights are automatically
determined during training by maximizing the expected overall F-score. Our
results based on three case studies from a healthcare application using a
batteryless body worn sensor, demonstrate that our method, in general, improves
overall and minority class F-score when compared to other CRF based classifiers
and achieves similar or better overall and class-wise performance when compared
to SVM based classifiers under conditions of limited training data. We also
confirm the performance of our approach using an additional battery powered
body worn sensor dataset, achieving similar results in cases of high class
imbalance.
|
Efficient forward propagation of time-sequences in convolutional neural
networks using Deep Shifting | When a Convolutional Neural Network is used for on-the-fly evaluation of
continuously updating time-sequences, many redundant convolution operations are
performed. We propose the method of Deep Shifting, which remembers previously
calculated results of convolution operations in order to minimize the number of
calculations. The reduction in complexity is at least a constant and in the
best case quadratic. We demonstrate that this method does indeed save
significant computation time in a practical implementation, especially when the
networks receives a large number of time-frames.
|
Nonstationary Distance Metric Learning | Recent work in distance metric learning has focused on learning
transformations of data that best align with provided sets of pairwise
similarity and dissimilarity constraints. The learned transformations lead to
improved retrieval, classification, and clustering algorithms due to the better
adapted distance or similarity measures. Here, we introduce the problem of
learning these transformations when the underlying constraint generation
process is nonstationary. This nonstationarity can be due to changes in either
the ground-truth clustering used to generate constraints or changes to the
feature subspaces in which the class structure is apparent. We propose and
evaluate COMID-SADL, an adaptive, online approach for learning and tracking
optimal metrics as they change over time that is highly robust to a variety of
nonstationary behaviors in the changing metric. We demonstrate COMID-SADL on
both real and synthetic data sets and show significant performance improvements
relative to previously proposed batch and online distance metric learning
algorithms.
|
Determination of the edge of criticality in echo state networks through
Fisher information maximization | It is a widely accepted fact that the computational capability of recurrent
neural networks is maximized on the so-called "edge of criticality". Once the
network operates in this configuration, it performs efficiently on a specific
application both in terms of (i) low prediction error and (ii) high short-term
memory capacity. Since the behavior of recurrent networks is strongly
influenced by the particular input signal driving the dynamics, a universal,
application-independent method for determining the edge of criticality is still
missing. In this paper, we aim at addressing this issue by proposing a
theoretically motivated, unsupervised method based on Fisher information for
determining the edge of criticality in recurrent neural networks. It is proven
that Fisher information is maximized for (finite-size) systems operating in
such critical regions. However, Fisher information is notoriously difficult to
compute and either requires the probability density function or the conditional
dependence of the system states with respect to the model parameters. The paper
takes advantage of a recently-developed non-parametric estimator of the Fisher
information matrix and provides a method to determine the critical region of
echo state networks, a particular class of recurrent networks. The considered
control parameters, which indirectly affect the echo state network performance,
are explored to identify those configurations lying on the edge of criticality
and, as such, maximizing Fisher information and computational performance.
Experimental results on benchmarks and real-world data demonstrate the
effectiveness of the proposed method.
|
Searching for Topological Symmetry in Data Haystack | Finding interesting symmetrical topological structures in high-dimensional
systems is an important problem in statistical machine learning. Limited amount
of available high-dimensional data and its sensitivity to noise pose
computational challenges to find symmetry. Our paper presents a new method to
find local symmetries in a low-dimensional 2-D grid structure which is embedded
in high-dimensional structure. To compute the symmetry in a grid structure, we
introduce three legal grid moves (i) Commutation (ii) Cyclic Permutation (iii)
Stabilization on sets of local grid squares, grid blocks. The three grid moves
are legal transformations as they preserve the statistical distribution of
hamming distances in each grid block. We propose and coin the term of grid
symmetry of data on the 2-D data grid as the invariance of statistical
distributions of hamming distance are preserved after a sequence of grid moves.
We have computed and analyzed the grid symmetry of data on multivariate
Gaussian distributions and Gamma distributions with noise.
|
Cost-sensitive Learning for Utility Optimization in Online Advertising
Auctions | One of the most challenging problems in computational advertising is the
prediction of click-through and conversion rates for bidding in online
advertising auctions. An unaddressed problem in previous approaches is the
existence of highly non-uniform misprediction costs. While for model evaluation
these costs have been taken into account through recently proposed
business-aware offline metrics -- such as the Utility metric which measures the
impact on advertiser profit -- this is not the case when training the models
themselves. In this paper, to bridge the gap, we formally analyze the
relationship between optimizing the Utility metric and the log loss, which is
considered as one of the state-of-the-art approaches in conversion modeling.
Our analysis motivates the idea of weighting the log loss with the business
value of the predicted outcome. We present and analyze a new cost weighting
scheme and show that significant gains in offline and online performance can be
achieved.
|
Distribution Free Learning with Local Queries | The model of learning with \emph{local membership queries} interpolates
between the PAC model and the membership queries model by allowing the learner
to query the label of any example that is similar to an example in the training
set. This model, recently proposed and studied by Awasthi, Feldman and Kanade,
aims to facilitate practical use of membership queries.
We continue this line of work, proving both positive and negative results in
the {\em distribution free} setting. We restrict to the boolean cube $\{-1,
1\}^n$, and say that a query is $q$-local if it is of a hamming distance $\le
q$ from some training example. On the positive side, we show that $1$-local
queries already give an additional strength, and allow to learn a certain type
of DNF formulas. On the negative side, we show that even
$\left(n^{0.99}\right)$-local queries cannot help to learn various classes
including Automata, DNFs and more. Likewise, $q$-local queries for any constant
$q$ cannot help to learn Juntas, Decision Trees, Sparse Polynomials and more.
Moreover, for these classes, an algorithm that uses
$\left(\log^{0.99}(n)\right)$-local queries would lead to a breakthrough in the
best known running times.
|
Efficient Clustering of Correlated Variables and Variable Selection in
High-Dimensional Linear Models | In this paper, we introduce Adaptive Cluster Lasso(ACL) method for variable
selection in high dimensional sparse regression models with strongly correlated
variables. To handle correlated variables, the concept of clustering or
grouping variables and then pursuing model fitting is widely accepted. When the
dimension is very high, finding an appropriate group structure is as difficult
as the original problem. The ACL is a three-stage procedure where, at the first
stage, we use the Lasso(or its adaptive or thresholded version) to do initial
selection, then we also include those variables which are not selected by the
Lasso but are strongly correlated with the variables selected by the Lasso. At
the second stage we cluster the variables based on the reduced set of
predictors and in the third stage we perform sparse estimation such as Lasso on
cluster representatives or the group Lasso based on the structures generated by
clustering procedure. We show that our procedure is consistent and efficient in
finding true underlying population group structure(under assumption of
irrepresentable and beta-min conditions). We also study the group selection
consistency of our method and we support the theory using simulated and
pseudo-real dataset examples.
|
A Recursive Born Approach to Nonlinear Inverse Scattering | The Iterative Born Approximation (IBA) is a well-known method for describing
waves scattered by semi-transparent objects. In this paper, we present a novel
nonlinear inverse scattering method that combines IBA with an edge-preserving
total variation (TV) regularizer. The proposed method is obtained by relating
iterations of IBA to layers of a feedforward neural network and developing a
corresponding error backpropagation algorithm for efficiently estimating the
permittivity of the object. Simulations illustrate that, by accounting for
multiple scattering, the method successfully recovers the permittivity
distribution where the traditional linear inverse scattering fails.
|
A Primer on the Signature Method in Machine Learning | In these notes, we wish to provide an introduction to the signature method,
focusing on its basic theoretical properties and recent numerical applications.
The notes are split into two parts. The first part focuses on the definition
and fundamental properties of the signature of a path, or the path signature.
We have aimed for a minimalistic approach, assuming only familiarity with
classical real analysis and integration theory, and supplementing theory with
straightforward examples. We have chosen to focus in detail on the principle
properties of the signature which we believe are fundamental to understanding
its role in applications. We also present an informal discussion on some of its
deeper properties and briefly mention the role of the signature in rough paths
theory, which we hope could serve as a light introduction to rough paths for
the interested reader.
The second part of these notes discusses practical applications of the path
signature to the area of machine learning. The signature approach represents a
non-parametric way for extraction of characteristic features from data. The
data are converted into a multi-dimensional path by means of various embedding
algorithms and then processed for computation of individual terms of the
signature which summarise certain information contained in the data. The
signature thus transforms raw data into a set of features which are used in
machine learning tasks. We will review current progress in applications of
signatures to machine learning problems.
|
Sequential Short-Text Classification with Recurrent and Convolutional
Neural Networks | Recent approaches based on artificial neural networks (ANNs) have shown
promising results for short-text classification. However, many short texts
occur in sequences (e.g., sentences in a document or utterances in a dialog),
and most existing ANN-based systems do not leverage the preceding short texts
when classifying a subsequent one. In this work, we present a model based on
recurrent neural networks and convolutional neural networks that incorporates
the preceding short texts. Our model achieves state-of-the-art results on three
different datasets for dialog act prediction.
|
From virtual demonstration to real-world manipulation using LSTM and MDN | Robots assisting the disabled or elderly must perform complex manipulation
tasks and must adapt to the home environment and preferences of their user.
Learning from demonstration is a promising choice, that would allow the
non-technical user to teach the robot different tasks. However, collecting
demonstrations in the home environment of a disabled user is time consuming,
disruptive to the comfort of the user, and presents safety challenges. It would
be desirable to perform the demonstrations in a virtual environment. In this
paper we describe a solution to the challenging problem of behavior transfer
from virtual demonstration to a physical robot. The virtual demonstrations are
used to train a deep neural network based controller, which is using a Long
Short Term Memory (LSTM) recurrent neural network to generate trajectories. The
training process uses a Mixture Density Network (MDN) to calculate an error
signal suitable for the multimodal nature of demonstrations. The controller
learned in the virtual environment is transferred to a physical robot (a
Rethink Robotics Baxter). An off-the-shelf vision component is used to
substitute for geometric knowledge available in the simulation and an inverse
kinematics module is used to allow the Baxter to enact the trajectory. Our
experimental studies validate the three contributions of the paper: (1) the
controller learned from virtual demonstrations can be used to successfully
perform the manipulation tasks on a physical robot, (2) the LSTM+MDN
architectural choice outperforms other choices, such as the use of feedforward
networks and mean-squared error based training signals and (3) allowing
imperfect demonstrations in the training set also allows the controller to
learn how to correct its manipulation mistakes.
|
Pufferfish Privacy Mechanisms for Correlated Data | Many modern databases include personal and sensitive correlated data, such as
private information on users connected together in a social network, and
measurements of physical activity of single subjects across time. However,
differential privacy, the current gold standard in data privacy, does not
adequately address privacy issues in this kind of data.
This work looks at a recent generalization of differential privacy, called
Pufferfish, that can be used to address privacy in correlated data. The main
challenge in applying Pufferfish is a lack of suitable mechanisms. We provide
the first mechanism -- the Wasserstein Mechanism -- which applies to any
general Pufferfish framework. Since this mechanism may be computationally
inefficient, we provide an additional mechanism that applies to some practical
cases such as physical activity measurements across time, and is
computationally efficient. Our experimental evaluations indicate that this
mechanism provides privacy and utility for synthetic as well as real data in
two separate domains.
|
On Learning High Dimensional Structured Single Index Models | Single Index Models (SIMs) are simple yet flexible semi-parametric models for
machine learning, where the response variable is modeled as a monotonic
function of a linear combination of features. Estimation in this context
requires learning both the feature weights and the nonlinear function that
relates features to observations. While methods have been described to learn
SIMs in the low dimensional regime, a method that can efficiently learn SIMs in
high dimensions, and under general structural assumptions, has not been
forthcoming. In this paper, we propose computationally efficient algorithms for
SIM inference in high dimensions with structural constraints. Our general
approach specializes to sparsity, group sparsity, and low-rank assumptions
among others. Experiments show that the proposed method enjoys superior
predictive performance when compared to generalized linear models, and achieves
results comparable to or better than single layer feedforward neural networks
with significantly less computational cost.
|
Learning Typographic Style | Typography is a ubiquitous art form that affects our understanding,
perception, and trust in what we read. Thousands of different font-faces have
been created with enormous variations in the characters. In this paper, we
learn the style of a font by analyzing a small subset of only four letters.
From these four letters, we learn two tasks. The first is a discrimination
task: given the four letters and a new candidate letter, does the new letter
belong to the same font? Second, given the four basis letters, can we generate
all of the other letters with the same characteristics as those in the basis
set? We use deep neural networks to address both tasks, quantitatively and
qualitatively measure the results in a variety of novel manners, and present a
thorough investigation of the weaknesses and strengths of the approach.
|
Fast Learning from Distributed Datasets without Entity Matching | Consider the following data fusion scenario: two datasets/peers contain the
same real-world entities described using partially shared features, e.g.
banking and insurance company records of the same customer base. Our goal is to
learn a classifier in the cross product space of the two domains, in the hard
case in which no shared ID is available -- e.g. due to anonymization.
Traditionally, the problem is approached by first addressing entity matching
and subsequently learning the classifier in a standard manner. We present an
end-to-end solution which bypasses matching entities, based on the recently
introduced concept of Rademacher observations (rados). Informally, we replace
the minimisation of a loss over examples, which requires to solve entity
resolution, by the equivalent minimisation of a (different) loss over rados.
Among others, key properties we show are (i) a potentially huge subset of these
rados does not require to perform entity matching, and (ii) the algorithm that
provably minimizes the rado loss over these rados has time and space
complexities smaller than the algorithm minimizing the equivalent example loss.
Last, we relax a key assumption of the model, that the data is vertically
partitioned among peers --- in this case, we would not even know the existence
of a solution to entity resolution. In this more general setting, experiments
validate the possibility of significantly beating even the optimal peer in
hindsight.
|
Active Algorithms For Preference Learning Problems with Multiple
Populations | In this paper we model the problem of learning preferences of a population as
an active learning problem. We propose an algorithm can adaptively choose pairs
of items to show to users coming from a heterogeneous population, and use the
obtained reward to decide which pair of items to show next. We provide
computationally efficient algorithms with provable sample complexity guarantees
for this problem in both the noiseless and noisy cases. In the process of
establishing sample complexity guarantees for our algorithms, we establish new
results using a Nystr{\"o}m-like method which can be of independent interest.
We supplement our theoretical results with experimental comparisons.
|
Exploratory Gradient Boosting for Reinforcement Learning in Complex
Domains | High-dimensional observations and complex real-world dynamics present major
challenges in reinforcement learning for both function approximation and
exploration. We address both of these challenges with two complementary
techniques: First, we develop a gradient-boosting style, non-parametric
function approximator for learning on $Q$-function residuals. And second, we
propose an exploration strategy inspired by the principles of state abstraction
and information acquisition under uncertainty. We demonstrate the empirical
effectiveness of these techniques, first, as a preliminary check, on two
standard tasks (Blackjack and $n$-Chain), and then on two much larger and more
realistic tasks with high-dimensional observation spaces. Specifically, we
introduce two benchmarks built within the game Minecraft where the observations
are pixel arrays of the agent's visual field. A combination of our two
algorithmic techniques performs competitively on the standard
reinforcement-learning tasks while consistently and substantially outperforming
baselines on the two tasks with high-dimensional observation spaces. The new
function approximator, exploration strategy, and evaluation benchmarks are each
of independent interest in the pursuit of reinforcement-learning methods that
scale to real-world domains.
|
On the Influence of Momentum Acceleration on Online Learning | The article examines in some detail the convergence rate and
mean-square-error performance of momentum stochastic gradient methods in the
constant step-size and slow adaptation regime. The results establish that
momentum methods are equivalent to the standard stochastic gradient method with
a re-scaled (larger) step-size value. The size of the re-scaling is determined
by the value of the momentum parameter. The equivalence result is established
for all time instants and not only in steady-state. The analysis is carried out
for general strongly convex and smooth risk functions, and is not limited to
quadratic risks. One notable conclusion is that the well-known bene ts of
momentum constructions for deterministic optimization problems do not
necessarily carry over to the adaptive online setting when small constant
step-sizes are used to enable continuous adaptation and learn- ing in the
presence of persistent gradient noise. From simulations, the equivalence
between momentum and standard stochastic gradient methods is also observed for
non-differentiable and non-convex problems.
|
Top-$K$ Ranking from Pairwise Comparisons: When Spectral Ranking is
Optimal | We explore the top-$K$ rank aggregation problem. Suppose a collection of
items is compared in pairs repeatedly, and we aim to recover a consistent
ordering that focuses on the top-$K$ ranked items based on partially revealed
preference information. We investigate the Bradley-Terry-Luce model in which
one ranks items according to their perceived utilities modeled as noisy
observations of their underlying true utilities. Our main contributions are
two-fold. First, in a general comparison model where item pairs to compare are
given a priori, we attain an upper and lower bound on the sample size for
reliable recovery of the top-$K$ ranked items. Second, more importantly,
extending the result to a random comparison model where item pairs to compare
are chosen independently with some probability, we show that in slightly
restricted regimes, the gap between the derived bounds reduces to a constant
factor, hence reveals that a spectral method can achieve the minimax optimality
on the (order-wise) sample size required for top-$K$ ranking. That is to say,
we demonstrate a spectral method alone to be sufficient to achieve the
optimality and advantageous in terms of computational complexity, as it does
not require an additional stage of maximum likelihood estimation that a
state-of-the-art scheme employs to achieve the optimality. We corroborate our
main results by numerical experiments.
|
Visual Concept Recognition and Localization via Iterative Introspection | Convolutional neural networks have been shown to develop internal
representations, which correspond closely to semantically meaningful objects
and parts, although trained solely on class labels. Class Activation Mapping
(CAM) is a recent method that makes it possible to easily highlight the image
regions contributing to a network's classification decision. We build upon
these two developments to enable a network to re-examine informative image
regions, which we term introspection. We propose a weakly-supervised iterative
scheme, which shifts its center of attention to increasingly discriminative
regions as it progresses, by alternating stages of classification and
introspection. We evaluate our method and show its effectiveness over a range
of several datasets, where we obtain competitive or state-of-the-art results:
on Stanford-40 Actions, we set a new state-of the art of 81.74%. On
FGVC-Aircraft and the Stanford Dogs dataset, we show consistent improvements
over baselines, some of which include significantly more supervision.
|
Online Isotonic Regression | We consider the online version of the isotonic regression problem. Given a
set of linearly ordered points (e.g., on the real line), the learner must
predict labels sequentially at adversarially chosen positions and is evaluated
by her total squared loss compared against the best isotonic (non-decreasing)
function in hindsight. We survey several standard online learning algorithms
and show that none of them achieve the optimal regret exponent; in fact, most
of them (including Online Gradient Descent, Follow the Leader and Exponential
Weights) incur linear regret. We then prove that the Exponential Weights
algorithm played over a covering net of isotonic functions has a regret bounded
by $O\big(T^{1/3} \log^{2/3}(T)\big)$ and present a matching $\Omega(T^{1/3})$
lower bound on regret. We provide a computationally efficient version of this
algorithm. We also analyze the noise-free case, in which the revealed labels
are isotonic, and show that the bound can be improved to $O(\log T)$ or even to
$O(1)$ (when the labels are revealed in isotonic order). Finally, we extend the
analysis beyond squared loss and give bounds for entropic loss and absolute
loss.
|
A Variational Perspective on Accelerated Methods in Optimization | Accelerated gradient methods play a central role in optimization, achieving
optimal rates in many settings. While many generalizations and extensions of
Nesterov's original acceleration method have been proposed, it is not yet clear
what is the natural scope of the acceleration concept. In this paper, we study
accelerated methods from a continuous-time perspective. We show that there is a
Lagrangian functional that we call the \emph{Bregman Lagrangian} which
generates a large class of accelerated methods in continuous time, including
(but not limited to) accelerated gradient descent, its non-Euclidean extension,
and accelerated higher-order gradient methods. We show that the continuous-time
limit of all of these methods correspond to traveling the same curve in
spacetime at different speeds. From this perspective, Nesterov's technique and
many of its generalizations can be viewed as a systematic way to go from the
continuous-time curves generated by the Bregman Lagrangian to a family of
discrete-time accelerated algorithms.
|
Item2Vec: Neural Item Embedding for Collaborative Filtering | Many Collaborative Filtering (CF) algorithms are item-based in the sense that
they analyze item-item relations in order to produce item similarities.
Recently, several works in the field of Natural Language Processing (NLP)
suggested to learn a latent representation of words using neural embedding
algorithms. Among them, the Skip-gram with Negative Sampling (SGNS), also known
as word2vec, was shown to provide state-of-the-art results on various
linguistics tasks. In this paper, we show that item-based CF can be cast in the
same framework of neural word embedding. Inspired by SGNS, we describe a method
we name item2vec for item-based CF that produces embedding for items in a
latent space. The method is capable of inferring item-item relations even when
user information is not available. We present experimental results that
demonstrate the effectiveness of the item2vec method and show it is competitive
with SVD.
|
Universal probability-free prediction | We construct universal prediction systems in the spirit of Popper's
falsifiability and Kolmogorov complexity and randomness. These prediction
systems do not depend on any statistical assumptions (but under the IID
assumption they dominate, to within the usual accuracy, conformal prediction).
Our constructions give rise to a theory of algorithmic complexity and
randomness of time containing analogues of several notions and results of the
classical theory of Kolmogorov complexity and randomness.
|
Learning Network of Multivariate Hawkes Processes: A Time Series
Approach | Learning the influence structure of multiple time series data is of great
interest to many disciplines. This paper studies the problem of recovering the
causal structure in network of multivariate linear Hawkes processes. In such
processes, the occurrence of an event in one process affects the probability of
occurrence of new events in some other processes. Thus, a natural notion of
causality exists between such processes captured by the support of the
excitation matrix. We show that the resulting causal influence network is
equivalent to the Directed Information graph (DIG) of the processes, which
encodes the causal factorization of the joint distribution of the processes.
Furthermore, we present an algorithm for learning the support of excitation
matrix (or equivalently the DIG). The performance of the algorithm is evaluated
on synthesized multivariate Hawkes networks as well as a stock market and
MemeTracker real-world dataset.
|
An optimal algorithm for bandit convex optimization | We consider the problem of online convex optimization against an arbitrary
adversary with bandit feedback, known as bandit convex optimization. We give
the first $\tilde{O}(\sqrt{T})$-regret algorithm for this setting based on a
novel application of the ellipsoid method to online learning. This bound is
known to be tight up to logarithmic factors. Our analysis introduces new tools
in discrete convex geometry.
|
Criteria of efficiency for conformal prediction | We study optimal conformity measures for various criteria of efficiency of
classification in an idealised setting. This leads to an important class of
criteria of efficiency that we call probabilistic; it turns out that the most
standard criteria of efficiency used in literature on conformal prediction are
not probabilistic unless the problem of classification is binary. We consider
both unconditional and label-conditional conformal prediction.
|
TensorFlow: Large-Scale Machine Learning on Heterogeneous Distributed
Systems | TensorFlow is an interface for expressing machine learning algorithms, and an
implementation for executing such algorithms. A computation expressed using
TensorFlow can be executed with little or no change on a wide variety of
heterogeneous systems, ranging from mobile devices such as phones and tablets
up to large-scale distributed systems of hundreds of machines and thousands of
computational devices such as GPU cards. The system is flexible and can be used
to express a wide variety of algorithms, including training and inference
algorithms for deep neural network models, and it has been used for conducting
research and for deploying machine learning systems into production across more
than a dozen areas of computer science and other fields, including speech
recognition, computer vision, robotics, information retrieval, natural language
processing, geographic information extraction, and computational drug
discovery. This paper describes the TensorFlow interface and an implementation
of that interface that we have built at Google. The TensorFlow API and a
reference implementation were released as an open-source package under the
Apache 2.0 license in November, 2015 and are available at www.tensorflow.org.
|
Conformal Predictors for Compound Activity Prediction | The paper presents an application of Conformal Predictors to a
chemoinformatics problem of identifying activities of chemical compounds. The
paper addresses some specific challenges of this domain: a large number of
compounds (training examples), high-dimensionality of feature space, sparseness
and a strong class imbalance. A variant of conformal predictors called
Inductive Mondrian Conformal Predictor is applied to deal with these
challenges. Results are presented for several non-conformity measures (NCM)
extracted from underlying algorithms and different kernels. A number of
performance measures are used in order to demonstrate the flexibility of
Inductive Mondrian Conformal Predictors in dealing with such a complex set of
data.
Keywords: Conformal Prediction, Confidence Estimation, Chemoinformatics,
Non-Conformity Measure.
|
Object Contour Detection with a Fully Convolutional Encoder-Decoder
Network | We develop a deep learning algorithm for contour detection with a fully
convolutional encoder-decoder network. Different from previous low-level edge
detection, our algorithm focuses on detecting higher-level object contours. Our
network is trained end-to-end on PASCAL VOC with refined ground truth from
inaccurate polygon annotations, yielding much higher precision in object
contour detection than previous methods. We find that the learned model
generalizes well to unseen object classes from the same super-categories on MS
COCO and can match state-of-the-art edge detection on BSDS500 with fine-tuning.
By combining with the multiscale combinatorial grouping algorithm, our method
can generate high-quality segmented object proposals, which significantly
advance the state-of-the-art on PASCAL VOC (improving average recall from 0.62
to 0.67) with a relatively small amount of candidates ($\sim$1660 per image).
|
Learning Domain-Invariant Subspace using Domain Features and
Independence Maximization | Domain adaptation algorithms are useful when the distributions of the
training and the test data are different. In this paper, we focus on the
problem of instrumental variation and time-varying drift in the field of
sensors and measurement, which can be viewed as discrete and continuous
distributional change in the feature space. We propose maximum independence
domain adaptation (MIDA) and semi-supervised MIDA (SMIDA) to address this
problem. Domain features are first defined to describe the background
information of a sample, such as the device label and acquisition time. Then,
MIDA learns a subspace which has maximum independence with the domain features,
so as to reduce the inter-domain discrepancy in distributions. A feature
augmentation strategy is also designed to project samples according to their
backgrounds so as to improve the adaptation. The proposed algorithms are
flexible and fast. Their effectiveness is verified by experiments on synthetic
datasets and four real-world ones on sensors, measurement, and computer vision.
They can greatly enhance the practicability of sensor systems, as well as
extend the application scope of existing domain adaptation algorithms by
uniformly handling different kinds of distributional change.
|
Matching while Learning | We consider the problem faced by a service platform that needs to match
limited supply with demand but also to learn the attributes of new users in
order to match them better in the future. We introduce a benchmark model with
heterogeneous "workers" (demand) and a limited supply of "jobs" that arrive
over time. Job types are known to the platform, but worker types are unknown
and must be learned by observing match outcomes. Workers depart after
performing a certain number of jobs. The expected payoff from a match depends
on the pair of types and the goal is to maximize the steady-state rate of
accumulation of payoff. Though we use terminology inspired by labor markets,
our framework applies more broadly to platforms where a limited supply of
heterogeneous products is matched to users over time.
Our main contribution is a complete characterization of the structure of the
optimal policy in the limit that each worker performs many jobs. The platform
faces a trade-off for each worker between myopically maximizing payoffs
(exploitation) and learning the type of the worker (exploration). This creates
a multitude of multi-armed bandit problems, one for each worker, coupled
together by the constraint on availability of jobs of different types (capacity
constraints). We find that the platform should estimate a shadow price for each
job type, and use the payoffs adjusted by these prices, first, to determine its
learning goals and then, for each worker, (i) to balance learning with payoffs
during the "exploration phase," and (ii) to myopically match after it has
achieved its learning goals during the "exploitation phase."
|
Unsupervised Ranking Model for Entity Coreference Resolution | Coreference resolution is one of the first stages in deep language
understanding and its importance has been well recognized in the natural
language processing community. In this paper, we propose a generative,
unsupervised ranking model for entity coreference resolution by introducing
resolution mode variables. Our unsupervised system achieves 58.44% F1 score of
the CoNLL metric on the English data from the CoNLL-2012 shared task (Pradhan
et al., 2012), outperforming the Stanford deterministic system (Lee et al.,
2013) by 3.01%.
|
Structured and Efficient Variational Deep Learning with Matrix Gaussian
Posteriors | We introduce a variational Bayesian neural network where the parameters are
governed via a probability distribution on random matrices. Specifically, we
employ a matrix variate Gaussian \cite{gupta1999matrix} parameter posterior
distribution where we explicitly model the covariance among the input and
output dimensions of each layer. Furthermore, with approximate covariance
matrices we can achieve a more efficient way to represent those correlations
that is also cheaper than fully factorized parameter posteriors. We further
show that with the "local reprarametrization trick"
\cite{kingma2015variational} on this posterior distribution we arrive at a
Gaussian Process \cite{rasmussen2006gaussian} interpretation of the hidden
units in each layer and we, similarly with \cite{gal2015dropout}, provide
connections with deep Gaussian processes. We continue in taking advantage of
this duality and incorporate "pseudo-data" \cite{snelson2005sparse} in our
model, which in turn allows for more efficient sampling while maintaining the
properties of the original model. The validity of the proposed approach is
verified through extensive experiments.
|
Revisiting Batch Normalization For Practical Domain Adaptation | Deep neural networks (DNN) have shown unprecedented success in various
computer vision applications such as image classification and object detection.
However, it is still a common annoyance during the training phase, that one has
to prepare at least thousands of labeled images to fine-tune a network to a
specific domain. Recent study (Tommasi et al. 2015) shows that a DNN has strong
dependency towards the training dataset, and the learned features cannot be
easily transferred to a different but relevant task without fine-tuning. In
this paper, we propose a simple yet powerful remedy, called Adaptive Batch
Normalization (AdaBN) to increase the generalization ability of a DNN. By
modulating the statistics in all Batch Normalization layers across the network,
our approach achieves deep adaptation effect for domain adaptation tasks. In
contrary to other deep learning domain adaptation methods, our method does not
require additional components, and is parameter-free. It archives
state-of-the-art performance despite its surprising simplicity. Furthermore, we
demonstrate that our method is complementary with other existing methods.
Combining AdaBN with existing domain adaptation treatments may further improve
model performance.
|
Ensemble of Deep Convolutional Neural Networks for Learning to Detect
Retinal Vessels in Fundus Images | Vision impairment due to pathological damage of the retina can largely be
prevented through periodic screening using fundus color imaging. However the
challenge with large scale screening is the inability to exhaustively detect
fine blood vessels crucial to disease diagnosis. In this work we present a
computational imaging framework using deep and ensemble learning for reliable
detection of blood vessels in fundus color images. An ensemble of deep
convolutional neural networks is trained to segment vessel and non-vessel areas
of a color fundus image. During inference, the responses of the individual
ConvNets of the ensemble are averaged to form the final segmentation. In
experimental evaluation with the DRIVE database, we achieve the objective of
vessel detection with maximum average accuracy of 94.7\% and area under ROC
curve of 0.9283.
|
Bias Correction for Regularized Regression and its Application in
Learning with Streaming Data | We propose an approach to reduce the bias of ridge regression and
regularization kernel network. When applied to a single data set the new
algorithms have comparable learning performance with the original ones. When
applied to incremental learning with block wise streaming data the new
algorithms are more efficient due to bias reduction. Both theoretical
characterizations and simulation studies are used to verify the effectiveness
of these new algorithms.
|
Turing learning: a metric-free approach to inferring behavior and its
application to swarms | We propose Turing Learning, a novel system identification method for
inferring the behavior of natural or artificial systems. Turing Learning
simultaneously optimizes two populations of computer programs, one representing
models of the behavior of the system under investigation, and the other
representing classifiers. By observing the behavior of the system as well as
the behaviors produced by the models, two sets of data samples are obtained.
The classifiers are rewarded for discriminating between these two sets, that
is, for correctly categorizing data samples as either genuine or counterfeit.
Conversely, the models are rewarded for 'tricking' the classifiers into
categorizing their data samples as genuine. Unlike other methods for system
identification, Turing Learning does not require predefined metrics to quantify
the difference between the system and its models. We present two case studies
with swarms of simulated robots and prove that the underlying behaviors cannot
be inferred by a metric-based system identification method. By contrast, Turing
Learning infers the behaviors with high accuracy. It also produces a useful
by-product - the classifiers - that can be used to detect abnormal behavior in
the swarm. Moreover, we show that Turing Learning also successfully infers the
behavior of physical robot swarms. The results show that collective behaviors
can be directly inferred from motion trajectories of individuals in the swarm,
which may have significant implications for the study of animal collectives.
Furthermore, Turing Learning could prove useful whenever a behavior is not
easily characterizable using metrics, making it suitable for a wide range of
applications.
|
Data Clustering and Graph Partitioning via Simulated Mixing | Spectral clustering approaches have led to well-accepted algorithms for
finding accurate clusters in a given dataset. However, their application to
large-scale datasets has been hindered by computational complexity of
eigenvalue decompositions. Several algorithms have been proposed in the recent
past to accelerate spectral clustering, however they compromise on the accuracy
of the spectral clustering to achieve faster speed. In this paper, we propose a
novel spectral clustering algorithm based on a mixing process on a graph.
Unlike the existing spectral clustering algorithms, our algorithm does not
require computing eigenvectors. Specifically, it finds the equivalent of a
linear combination of eigenvectors of the normalized similarity matrix weighted
with corresponding eigenvalues. This linear combination is then used to
partition the dataset into meaningful clusters. Simulations on real datasets
show that partitioning datasets based on such linear combinations of
eigenvectors achieves better accuracy than standard spectral clustering methods
as the number of clusters increase. Our algorithm can easily be implemented in
a distributed setting.
|
Deep Fully-Connected Networks for Video Compressive Sensing | In this work we present a deep learning framework for video compressive
sensing. The proposed formulation enables recovery of video frames in a few
seconds at significantly improved reconstruction quality compared to previous
approaches. Our investigation starts by learning a linear mapping between video
sequences and corresponding measured frames which turns out to provide
promising results. We then extend the linear formulation to deep
fully-connected networks and explore the performance gains using deeper
architectures. Our analysis is always driven by the applicability of the
proposed framework on existing compressive video architectures. Extensive
simulations on several video sequences document the superiority of our approach
both quantitatively and qualitatively. Finally, our analysis offers insights
into understanding how dataset sizes and number of layers affect reconstruction
performance while raising a few points for future investigation.
Code is available at Github: https://github.com/miliadis/DeepVideoCS
|
On the Complexity of One-class SVM for Multiple Instance Learning | In traditional multiple instance learning (MIL), both positive and negative
bags are required to learn a prediction function. However, a high human cost is
needed to know the label of each bag---positive or negative. Only positive bags
contain our focus (positive instances) while negative bags consist of noise or
background (negative instances). So we do not expect to spend too much to label
the negative bags. Contrary to our expectation, nearly all existing MIL methods
require enough negative bags besides positive ones. In this paper we propose an
algorithm called "Positive Multiple Instance" (PMI), which learns a classifier
given only a set of positive bags. So the annotation of negative bags becomes
unnecessary in our method. PMI is constructed based on the assumption that the
unknown positive instances in positive bags be similar each other and
constitute one compact cluster in feature space and the negative instances
locate outside this cluster. The experimental results demonstrate that PMI
achieves the performances close to or a little worse than those of the
traditional MIL algorithms on benchmark and real data sets. However, the number
of training bags in PMI is reduced significantly compared with traditional MIL
algorithms.
|
Online Optimization in Dynamic Environments: Improved Regret Rates for
Strongly Convex Problems | In this paper, we address tracking of a time-varying parameter with unknown
dynamics. We formalize the problem as an instance of online optimization in a
dynamic setting. Using online gradient descent, we propose a method that
sequentially predicts the value of the parameter and in turn suffers a loss.
The objective is to minimize the accumulation of losses over the time horizon,
a notion that is termed dynamic regret. While existing methods focus on convex
loss functions, we consider strongly convex functions so as to provide better
guarantees of performance. We derive a regret bound that captures the
path-length of the time-varying parameter, defined in terms of the distance
between its consecutive values. In other words, the bound represents the
natural connection of tracking quality to the rate of change of the parameter.
We provide numerical experiments to complement our theoretical findings.
|
An Approximate Dynamic Programming Approach to Adversarial Online
Learning | We describe an approximate dynamic programming (ADP) approach to compute
approximations of the optimal strategies and of the minimal losses that can be
guaranteed in discounted repeated games with vector-valued losses. Such games
prominently arise in the analysis of regret in repeated decision-making in
adversarial environments, also known as adversarial online learning. At the
core of our approach is a characterization of the lower Pareto frontier of the
set of expected losses that a player can guarantee in these games as the unique
fixed point of a set-valued dynamic programming operator. When applied to the
problem of regret minimization with discounted losses, our approach yields
algorithms that achieve markedly improved performance bounds compared to
off-the-shelf online learning algorithms like Hedge. These results thus suggest
the significant potential of ADP-based approaches in adversarial online
learning.
|
Scaled stochastic gradient descent for low-rank matrix completion | The paper looks at a scaled variant of the stochastic gradient descent
algorithm for the matrix completion problem. Specifically, we propose a novel
matrix-scaling of the partial derivatives that acts as an efficient
preconditioning for the standard stochastic gradient descent algorithm. This
proposed matrix-scaling provides a trade-off between local and global second
order information. It also resolves the issue of scale invariance that exists
in matrix factorization models. The overall computational complexity is linear
with the number of known entries, thereby extending to a large-scale setup.
Numerical comparisons show that the proposed algorithm competes favorably with
state-of-the-art algorithms on various different benchmarks.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.