title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
The entropic barrier: a simple and optimal universal self-concordant
barrier | We prove that the Cram\'er transform of the uniform measure on a convex body
in $\mathbb{R}^n$ is a $(1+o(1)) n$-self-concordant barrier, improving a
seminal result of Nesterov and Nemirovski. This gives the first explicit
construction of a universal barrier for convex bodies with optimal
self-concordance parameter. The proof is based on basic geometry of log-concave
distributions, and elementary duality in exponential families.
|
End-to-end Continuous Speech Recognition using Attention-based Recurrent
NN: First Results | We replace the Hidden Markov Model (HMM) which is traditionally used in in
continuous speech recognition with a bi-directional recurrent neural network
encoder coupled to a recurrent neural network decoder that directly emits a
stream of phonemes. The alignment between the input and output sequences is
established using an attention mechanism: the decoder emits each symbol based
on a context created with a subset of input symbols elected by the attention
mechanism. We report initial results demonstrating that this new approach
achieves phoneme error rates that are comparable to the state-of-the-art
HMM-based decoders, on the TIMIT dataset.
|
Fast Rates by Transferring from Auxiliary Hypotheses | In this work we consider the learning setting where, in addition to the
training set, the learner receives a collection of auxiliary hypotheses
originating from other tasks. We focus on a broad class of ERM-based linear
algorithms that can be instantiated with any non-negative smooth loss function
and any strongly convex regularizer. We establish generalization and excess
risk bounds, showing that, if the algorithm is fed with a good combination of
source hypotheses, generalization happens at the fast rate $\mathcal{O}(1/m)$
instead of the usual $\mathcal{O}(1/\sqrt{m})$. On the other hand, if the
source hypotheses combination is a misfit for the target task, we recover the
usual learning rate. As a byproduct of our study, we also prove a new bound on
the Rademacher complexity of the smooth loss class under weaker assumptions
compared to previous works.
|
Fisher Kernel for Deep Neural Activations | Compared to image representation based on low-level local descriptors, deep
neural activations of Convolutional Neural Networks (CNNs) are richer in
mid-level representation, but poorer in geometric invariance properties. In
this paper, we present a straightforward framework for better image
representation by combining the two approaches. To take advantages of both
representations, we propose an efficient method to extract a fair amount of
multi-scale dense local activations from a pre-trained CNN. We then aggregate
the activations by Fisher kernel framework, which has been modified with a
simple scale-wise normalization essential to make it suitable for CNN
activations. Replacing the direct use of a single activation vector with our
representation demonstrates significant performance improvements: +17.76 (Acc.)
on MIT Indoor 67 and +7.18 (mAP) on PASCAL VOC 2007. The results suggest that
our proposal can be used as a primary image representation for better
performances in visual recognition tasks.
|
Image Data Compression for Covariance and Histogram Descriptors | Covariance and histogram image descriptors provide an effective way to
capture information about images. Both excel when used in combination with
special purpose distance metrics. For covariance descriptors these metrics
measure the distance along the non-Euclidean Riemannian manifold of symmetric
positive definite matrices. For histogram descriptors the Earth Mover's
distance measures the optimal transport between two histograms. Although more
precise, these distance metrics are very expensive to compute, making them
impractical in many applications, even for data sets of only a few thousand
examples. In this paper we present two methods to compress the size of
covariance and histogram datasets with only marginal increases in test error
for k-nearest neighbor classification. Specifically, we show that we can reduce
data sets to 16% and in some cases as little as 2% of their original size,
while approximately matching the test error of kNN classification on the full
training set. In fact, because the compressed set is learned in a supervised
fashion, it sometimes even outperforms the full data set, while requiring only
a fraction of the space and drastically reducing test-time computation.
|
Primal-Dual Algorithms for Non-negative Matrix Factorization with the
Kullback-Leibler Divergence | Non-negative matrix factorization (NMF) approximates a given matrix as a
product of two non-negative matrices. Multiplicative algorithms deliver
reliable results, but they show slow convergence for high-dimensional data and
may be stuck away from local minima. Gradient descent methods have better
behavior, but only apply to smooth losses such as the least-squares loss. In
this article, we propose a first-order primal-dual algorithm for non-negative
decomposition problems (where one factor is fixed) with the KL divergence,
based on the Chambolle-Pock algorithm. All required computations may be
obtained in closed form and we provide an efficient heuristic way to select
step-sizes. By using alternating optimization, our algorithm readily extends to
NMF and, on synthetic examples, face recognition or music source separation
datasets, it is either faster than existing algorithms, or leads to improved
local optima, or both.
|
Integer-Programming Ensemble of Temporal-Relations Classifiers | The extraction and understanding of temporal events and their relations are
major challenges in natural language processing. Processing text on a
sentence-by-sentence or expression-by-expression basis often fails, in part due
to the challenge of capturing the global consistency of the text. We present an
ensemble method, which reconciles the outputs of multiple classifiers of
temporal expressions across the text using integer programming. Computational
experiments show that the ensemble improves upon the best individual results
from two recent challenges, SemEval-2013 TempEval-3 (Temporal Annotation) and
SemEval-2016 Task 12 (Clinical TempEval).
|
A parallel sampling based clustering | The problem of automatically clustering data is an age old problem. People
have created numerous algorithms to tackle this problem. The execution time of
any of this algorithm grows with the number of input points and the number of
cluster centers required. To reduce the number of input points we could average
the points locally and use the means or the local centers as the input for
clustering. However since the required number of local centers is very high,
running the clustering algorithm on the entire dataset to obtain these
representational points is very time consuming. To remedy this problem, in this
paper we are proposing two subclustering schemes where by we subdivide the
dataset into smaller sets and run the clustering algorithm on the smaller
datasets to obtain the required number of datapoints to run our clustering
algorithm with. As we are subdividing the given dataset, we could run
clustering algorithm on each smaller piece of the dataset in parallel. We found
that both parallel and serial execution of this method to be much faster than
the original clustering algorithm and error in running the clustering algorithm
on a reduced set to be very less.
|
Learning Multi-target Tracking with Quadratic Object Interactions | We describe a model for multi-target tracking based on associating
collections of candidate detections across frames of a video. In order to model
pairwise interactions between different tracks, such as suppression of
overlapping tracks and contextual cues about co-occurence of different objects,
we augment a standard min-cost flow objective with quadratic terms between
detection variables. We learn the parameters of this model using structured
prediction and a loss function which approximates the multi-target tracking
accuracy. We evaluate two different approaches to finding an optimal set of
tracks under model objective based on an LP relaxation and a novel greedy
extension to dynamic programming that handles pairwise interactions. We find
the greedy algorithm achieves equivalent performance to the LP relaxation while
being 2-7x faster than a commercial solver. The resulting model with learned
parameters outperforms existing methods across several categories on the KITTI
tracking benchmark.
|
Consistent optimization of AMS by logistic loss minimization | In this paper, we theoretically justify an approach popular among
participants of the Higgs Boson Machine Learning Challenge to optimize
approximate median significance (AMS). The approach is based on the following
two-stage procedure. First, a real-valued function is learned by minimizing a
surrogate loss for binary classification, such as logistic loss, on the
training sample. Then, a threshold is tuned on a separate validation sample, by
direct optimization of AMS. We show that the regret of the resulting
(thresholded) classifier measured with respect to the squared AMS, is
upperbounded by the regret of the underlying real-valued function measured with
respect to the logistic loss. Hence, we prove that minimizing logistic
surrogate is a consistent method of optimizing AMS.
|
Consistent Collective Matrix Completion under Joint Low Rank Structure | We address the collective matrix completion problem of jointly recovering a
collection of matrices with shared structure from partial (and potentially
noisy) observations. To ensure well--posedness of the problem, we impose a
joint low rank structure, wherein each component matrix is low rank and the
latent space of the low rank factors corresponding to each entity is shared
across the entire collection. We first develop a rigorous algebra for
representing and manipulating collective--matrix structure, and identify
sufficient conditions for consistent estimation of collective matrices. We then
propose a tractable convex estimator for solving the collective matrix
completion problem, and provide the first non--trivial theoretical guarantees
for consistency of collective matrix completion. We show that under reasonable
assumptions stated in Section 3.1, with high probability, the proposed
estimator exactly recovers the true matrices whenever sample complexity
requirements dictated by Theorem 1 are met. The sample complexity requirement
derived in the paper are optimum up to logarithmic factors, and significantly
improve upon the requirements obtained by trivial extensions of standard matrix
completion. Finally, we propose a scalable approximate algorithm to solve the
proposed convex program, and corroborate our results through simulated
experiments.
|
Relations among Some Low Rank Subspace Recovery Models | Recovering intrinsic low dimensional subspaces from data distributed on them
is a key preprocessing step to many applications. In recent years, there has
been a lot of work that models subspace recovery as low rank minimization
problems. We find that some representative models, such as Robust Principal
Component Analysis (R-PCA), Robust Low Rank Representation (R-LRR), and Robust
Latent Low Rank Representation (R-LatLRR), are actually deeply connected. More
specifically, we discover that once a solution to one of the models is
obtained, we can obtain the solutions to other models in closed-form
formulations. Since R-PCA is the simplest, our discovery makes it the center of
low rank subspace recovery models. Our work has two important implications.
First, R-PCA has a solid theoretical foundation. Under certain conditions, we
could find better solutions to these low rank models at overwhelming
probabilities, although these models are non-convex. Second, we can obtain
significantly faster algorithms for these models by solving R-PCA first. The
computation cost can be further cut by applying low complexity randomized
algorithms, e.g., our novel $\ell_{2,1}$ filtering algorithm, to R-PCA.
Experiments verify the advantages of our algorithms over other state-of-the-art
ones that are based on the alternating direction method.
|
Generalized Singular Value Thresholding | This work studies the Generalized Singular Value Thresholding (GSVT) operator
${\text{Prox}}_{g}^{{\sigma}}(\cdot)$, \begin{equation*}
{\text{Prox}}_{g}^{{\sigma}}(B)=\arg\min\limits_{X}\sum_{i=1}^{m}g(\sigma_{i}(X))
+ \frac{1}{2}||X-B||_{F}^{2}, \end{equation*} associated with a nonconvex
function $g$ defined on the singular values of $X$. We prove that GSVT can be
obtained by performing the proximal operator of $g$ (denoted as
$\text{Prox}_g(\cdot)$) on the singular values since $\text{Prox}_g(\cdot)$ is
monotone when $g$ is lower bounded. If the nonconvex $g$ satisfies some
conditions (many popular nonconvex surrogate functions, e.g., $\ell_p$-norm,
$0<p<1$, of $\ell_0$-norm are special cases), a general solver to find
$\text{Prox}_g(b)$ is proposed for any $b\geq0$. GSVT greatly generalizes the
known Singular Value Thresholding (SVT) which is a basic subroutine in many
convex low rank minimization methods. We are able to solve the nonconvex low
rank minimization problem by using GSVT in place of SVT.
|
Theano-based Large-Scale Visual Recognition with Multiple GPUs | In this report, we describe a Theano-based AlexNet (Krizhevsky et al., 2012)
implementation and its naive data parallelism on multiple GPUs. Our performance
on 2 GPUs is comparable with the state-of-art Caffe library (Jia et al., 2014)
run on 1 GPU. To the best of our knowledge, this is the first open-source
Python-based AlexNet implementation to-date.
|
Visual Causal Feature Learning | We provide a rigorous definition of the visual cause of a behavior that is
broadly applicable to the visually driven behavior in humans, animals, neurons,
robots and other perceiving systems. Our framework generalizes standard
accounts of causal learning to settings in which the causal variables need to
be constructed from micro-variables. We prove the Causal Coarsening Theorem,
which allows us to gain causal knowledge from observational data with minimal
experimental effort. The theorem provides a connection to standard inference
techniques in machine learning that identify features of an image that
correlate with, but may not cause, the target behavior. Finally, we propose an
active learning scheme to learn a manipulator function that performs optimal
manipulations on the image to automatically identify the visual cause of a
target behavior. We illustrate our inference and learning algorithms in
experiments based on both synthetic and real data.
|
$\ell_p$ Testing and Learning of Discrete Distributions | The classic problems of testing uniformity of and learning a discrete
distribution, given access to independent samples from it, are examined under
general $\ell_p$ metrics. The intuitions and results often contrast with the
classic $\ell_1$ case. For $p > 1$, we can learn and test with a number of
samples that is independent of the support size of the distribution: With an
$\ell_p$ tolerance $\epsilon$, $O(\max\{ \sqrt{1/\epsilon^q}, 1/\epsilon^2 \})$
samples suffice for testing uniformity and $O(\max\{ 1/\epsilon^q,
1/\epsilon^2\})$ samples suffice for learning, where $q=p/(p-1)$ is the
conjugate of $p$. As this parallels the intuition that $O(\sqrt{n})$ and $O(n)$
samples suffice for the $\ell_1$ case, it seems that $1/\epsilon^q$ acts as an
upper bound on the "apparent" support size.
For some $\ell_p$ metrics, uniformity testing becomes easier over larger
supports: a 6-sided die requires fewer trials to test for fairness than a
2-sided coin, and a card-shuffler requires fewer trials than the die. In fact,
this inverse dependence on support size holds if and only if $p > \frac{4}{3}$.
The uniformity testing algorithm simply thresholds the number of "collisions"
or "coincidences" and has an optimal sample complexity up to constant factors
for all $1 \leq p \leq 2$. Another algorithm gives order-optimal sample
complexity for $\ell_{\infty}$ uniformity testing. Meanwhile, the most natural
learning algorithm is shown to have order-optimal sample complexity for all
$\ell_p$ metrics.
The author thanks Cl\'{e}ment Canonne for discussions and contributions to
this work.
|
Dimensionality Reduction with Subspace Structure Preservation | Modeling data as being sampled from a union of independent subspaces has been
widely applied to a number of real world applications. However, dimensionality
reduction approaches that theoretically preserve this independence assumption
have not been well studied. Our key contribution is to show that $2K$
projection vectors are sufficient for the independence preservation of any $K$
class data sampled from a union of independent subspaces. It is this
non-trivial observation that we use for designing our dimensionality reduction
technique. In this paper, we propose a novel dimensionality reduction algorithm
that theoretically preserves this structure for a given dataset. We support our
theoretical analysis with empirical results on both synthetic and real world
data achieving \textit{state-of-the-art} results compared to popular
dimensionality reduction techniques.
|
MLitB: Machine Learning in the Browser | With few exceptions, the field of Machine Learning (ML) research has largely
ignored the browser as a computational engine. Beyond an educational resource
for ML, the browser has vast potential to not only improve the state-of-the-art
in ML research, but also, inexpensively and on a massive scale, to bring
sophisticated ML learning and prediction to the public at large. This paper
introduces MLitB, a prototype ML framework written entirely in JavaScript,
capable of performing large-scale distributed computing with heterogeneous
classes of devices. The development of MLitB has been driven by several
underlying objectives whose aim is to make ML learning and usage ubiquitous (by
using ubiquitous compute devices), cheap and effortlessly distributed, and
collaborative. This is achieved by allowing every internet capable device to
run training algorithms and predictive models with no software installation and
by saving models in universally readable formats. Our prototype library is
capable of training deep neural networks with synchronized, distributed
stochastic gradient descent. MLitB offers several important opportunities for
novel ML research, including: development of distributed learning algorithms,
advancement of web GPU algorithms, novel field and mobile applications, privacy
preserving computing, and green grid-computing. MLitB is available as open
source software.
|
Weighted Polynomial Approximations: Limits for Learning and
Pseudorandomness | Polynomial approximations to boolean functions have led to many positive
results in computer science. In particular, polynomial approximations to the
sign function underly algorithms for agnostically learning halfspaces, as well
as pseudorandom generators for halfspaces. In this work, we investigate the
limits of these techniques by proving inapproximability results for the sign
function.
Firstly, the polynomial regression algorithm of Kalai et al. (SIAM J. Comput.
2008) shows that halfspaces can be learned with respect to log-concave
distributions on $\mathbb{R}^n$ in the challenging agnostic learning model. The
power of this algorithm relies on the fact that under log-concave
distributions, halfspaces can be approximated arbitrarily well by low-degree
polynomials. We ask whether this technique can be extended beyond log-concave
distributions, and establish a negative result. We show that polynomials of any
degree cannot approximate the sign function to within arbitrarily low error for
a large class of non-log-concave distributions on the real line, including
those with densities proportional to $\exp(-|x|^{0.99})$.
Secondly, we investigate the derandomization of Chernoff-type concentration
inequalities. Chernoff-type tail bounds on sums of independent random variables
have pervasive applications in theoretical computer science. Schmidt et al.
(SIAM J. Discrete Math. 1995) showed that these inequalities can be established
for sums of random variables with only $O(\log(1/\delta))$-wise independence,
for a tail probability of $\delta$. We show that their results are tight up to
constant factors.
These results rely on techniques from weighted approximation theory, which
studies how well functions on the real line can be approximated by polynomials
under various distributions. We believe that these techniques will have further
applications in other areas of computer science.
|
Accurate Streaming Support Vector Machines | A widely-used tool for binary classification is the Support Vector Machine
(SVM), a supervised learning technique that finds the "maximum margin" linear
separator between the two classes. While SVMs have been well studied in the
batch (offline) setting, there is considerably less work on the streaming
(online) setting, which requires only a single pass over the data using
sub-linear space. Existing streaming algorithms are not yet competitive with
the batch implementation. In this paper, we use the formulation of the SVM as a
minimum enclosing ball (MEB) problem to provide a streaming SVM algorithm based
off of the blurred ball cover originally proposed by Agarwal and Sharathkumar.
Our implementation consistently outperforms existing streaming SVM approaches
and provides higher accuracies than libSVM on several datasets, thus making it
competitive with the standard SVM batch implementation.
|
A New Approach of Learning Hierarchy Construction Based on Fuzzy Logic | In recent years, adaptive learning systems rely increasingly on learning
hierarchy to customize the educational logic developed in their courses. Most
approaches do not consider that the relationships of prerequisites between the
skills are fuzzy relationships. In this article, we describe a new approach of
a practical application of fuzzy logic techniques to the construction of
learning hierarchies. For this, we use a learning hierarchy predefined by one
or more experts of a specific field. However, the relationships of
prerequisites between the skills in the learning hierarchy are not definitive
and they are fuzzy relationships. Indeed, we measure relevance degree of all
relationships existing in this learning hierarchy and we try to answer to the
following question: Is the relationships of prerequisites predefined in initial
learning hierarchy are correctly established or not?
|
Provable Methods for Training Neural Networks with Sparse Connectivity | We provide novel guaranteed approaches for training feedforward neural
networks with sparse connectivity. We leverage on the techniques developed
previously for learning linear networks and show that they can also be
effectively adopted to learn non-linear networks. We operate on the moments
involving label and the score function of the input, and show that their
factorization provably yields the weight matrix of the first layer of a deep
network under mild conditions. In practice, the output of our method can be
employed as effective initializers for gradient descent.
|
Unsupervised Induction of Semantic Roles within a Reconstruction-Error
Minimization Framework | We introduce a new approach to unsupervised estimation of feature-rich
semantic role labeling models. Our model consists of two components: (1) an
encoding component: a semantic role labeling model which predicts roles given a
rich set of syntactic and lexical features; (2) a reconstruction component: a
tensor factorization model which relies on roles to predict argument fillers.
When the components are estimated jointly to minimize errors in argument
reconstruction, the induced roles largely correspond to roles defined in
annotated resources. Our method performs on par with most accurate role
induction methods on English and German, even though, unlike these previous
approaches, we do not incorporate any prior linguistic knowledge about the
languages.
|
Circumventing the Curse of Dimensionality in Prediction: Causal
Rate-Distortion for Infinite-Order Markov Processes | Predictive rate-distortion analysis suffers from the curse of dimensionality:
clustering arbitrarily long pasts to retain information about arbitrarily long
futures requires resources that typically grow exponentially with length. The
challenge is compounded for infinite-order Markov processes, since conditioning
on finite sequences cannot capture all of their past dependencies. Spectral
arguments show that algorithms which cluster finite-length sequences fail
dramatically when the underlying process has long-range temporal correlations
and can fail even for processes generated by finite-memory hidden Markov
models. We circumvent the curse of dimensionality in rate-distortion analysis
of infinite-order processes by casting predictive rate-distortion objective
functions in terms of the forward- and reverse-time causal states of
computational mechanics. Examples demonstrate that the resulting causal
rate-distortion theory substantially improves current predictive
rate-distortion analyses.
|
Score Function Features for Discriminative Learning: Matrix and Tensor
Framework | Feature learning forms the cornerstone for tackling challenging learning
problems in domains such as speech, computer vision and natural language
processing. In this paper, we consider a novel class of matrix and
tensor-valued features, which can be pre-trained using unlabeled samples. We
present efficient algorithms for extracting discriminative information, given
these pre-trained features and labeled samples for any related task. Our class
of features are based on higher-order score functions, which capture local
variations in the probability density function of the input. We establish a
theoretical framework to characterize the nature of discriminative information
that can be extracted from score-function features, when used in conjunction
with labeled samples. We employ efficient spectral decomposition algorithms (on
matrices and tensors) for extracting discriminative components. The advantage
of employing tensor-valued features is that we can extract richer
discriminative information in the form of an overcomplete representations.
Thus, we present a novel framework for employing generative models of the input
for discriminative learning.
|
Bayesian Fisher's Discriminant for Functional Data | We propose a Bayesian framework of Gaussian process in order to extend
Fisher's discriminant to classify functional data such as spectra and images.
The probability structure for our extended Fisher's discriminant is explicitly
formulated, and we utilize the smoothness assumptions of functional data as
prior probabilities. Existing methods which directly employ the smoothness
assumption of functional data can be shown as special cases within this
framework given corresponding priors while their estimates of the unknowns are
one-step approximations to the proposed MAP estimates. Empirical results on
various simulation studies and different real applications show that the
proposed method significantly outperforms the other Fisher's discriminant
methods for functional data.
|
Max vs Min: Tensor Decomposition and ICA with nearly Linear Sample
Complexity | We present a simple, general technique for reducing the sample complexity of
matrix and tensor decomposition algorithms applied to distributions. We use the
technique to give a polynomial-time algorithm for standard ICA with sample
complexity nearly linear in the dimension, thereby improving substantially on
previous bounds. The analysis is based on properties of random polynomials,
namely the spacings of an ensemble of polynomials. Our technique also applies
to other applications of tensor decompositions, including spherical Gaussian
mixture models.
|
Provable Tensor Methods for Learning Mixtures of Generalized Linear
Models | We consider the problem of learning mixtures of generalized linear models
(GLM) which arise in classification and regression problems. Typical learning
approaches such as expectation maximization (EM) or variational Bayes can get
stuck in spurious local optima. In contrast, we present a tensor decomposition
method which is guaranteed to correctly recover the parameters. The key insight
is to employ certain feature transformations of the input, which depend on the
input generative model. Specifically, we employ score function tensors of the
input and compute their cross-correlation with the response variable. We
establish that the decomposition of this tensor consistently recovers the
parameters, under mild non-degeneracy conditions. We demonstrate that the
computational and sample complexity of our method is a low order polynomial of
the input and the latent dimensions.
|
Hierarchical Mixture-of-Experts Model for Large-Scale Gaussian Process
Regression | We propose a practical and scalable Gaussian process model for large-scale
nonlinear probabilistic regression. Our mixture-of-experts model is
conceptually simple and hierarchically recombines computations for an overall
approximation of a full Gaussian process. Closed-form and distributed
computations allow for efficient and massive parallelisation while keeping the
memory consumption small. Given sufficient computing resources, our model can
handle arbitrarily large data sets, without explicit sparse approximations. We
provide strong experimental evidence that our model can be applied to large
data sets of sizes far beyond millions. Hence, our model has the potential to
lay the foundation for general large-scale Gaussian process research.
|
Semi-Supervised Learning with Heterophily | We derive a family of linear inference algorithms that generalize existing
graph-based label propagation algorithms by allowing them to propagate
generalized assumptions about "attraction" or "compatibility" between classes
of neighboring nodes (in particular those that involve heterophily between
nodes where "opposites attract"). We thus call this formulation Semi-Supervised
Learning with Heterophily (SSLH) and show how it generalizes and improves upon
a recently proposed approach called Linearized Belief Propagation (LinBP).
Importantly, our framework allows us to reduce the problem of estimating the
relative compatibility between nodes from partially labeled graph to a simple
optimization problem. The result is a very fast algorithm that -- despite its
simplicity -- is surprisingly effective: we can classify unlabeled nodes within
the same graph in the same time as LinBP but with a superior accuracy and
despite our algorithm not knowing the compatibilities.
|
Multimodal Transfer Deep Learning with Applications in Audio-Visual
Recognition | We propose a transfer deep learning (TDL) framework that can transfer the
knowledge obtained from a single-modal neural network to a network with a
different modality. Specifically, we show that we can leverage speech data to
fine-tune the network trained for video recognition, given an initial set of
audio-video parallel dataset within the same semantics. Our approach first
learns the analogy-preserving embeddings between the abstract representations
learned from intermediate layers of each network, allowing for semantics-level
transfer between the source and target modalities. We then apply our neural
network operation that fine-tunes the target network with the additional
knowledge transferred from the source network, while keeping the topology of
the target network unchanged. While we present an audio-visual recognition task
as an application of our approach, our framework is flexible and thus can work
with any multimodal dataset, or with any already-existing deep networks that
share the common underlying semantics. In this work in progress report, we aim
to provide comprehensive results of different configurations of the proposed
approach on two widely used audio-visual datasets, and we discuss potential
applications of the proposed approach.
|
Generalised Entropy MDPs and Minimax Regret | Bayesian methods suffer from the problem of how to specify prior beliefs. One
interesting idea is to consider worst-case priors. This requires solving a
stochastic zero-sum game. In this paper, we extend well-known results from
bandit theory in order to discover minimax-Bayes policies and discuss when they
are practical.
|
Web image annotation by diffusion maps manifold learning algorithm | Automatic image annotation is one of the most challenging problems in machine
vision areas. The goal of this task is to predict number of keywords
automatically for images captured in real data. Many methods are based on
visual features in order to calculate similarities between image samples. But
the computation cost of these approaches is very high. These methods require
many training samples to be stored in memory. To lessen this burden, a number
of techniques have been developed to reduce the number of features in a
dataset. Manifold learning is a popular approach to nonlinear dimensionality
reduction. In this paper, we investigate Diffusion maps manifold learning
method for web image auto-annotation task. Diffusion maps manifold learning
method is used to reduce the dimension of some visual features. Extensive
experiments and analysis on NUS-WIDE-LITE web image dataset with different
visual features show how this manifold learning dimensionality reduction method
can be applied effectively to image annotation.
|
Sequential Labeling with online Deep Learning | Deep learning has attracted great attention recently and yielded the state of
the art performance in dimension reduction and classification problems.
However, it cannot effectively handle the structured output prediction, e.g.
sequential labeling. In this paper, we propose a deep learning structure, which
can learn discriminative features for sequential labeling problems. More
specifically, we add the inter-relationship between labels in our deep learning
structure, in order to incorporate the context information from the sequential
data. Thus, our model is more powerful than linear Conditional Random Fields
(CRFs) because the objective function learns latent non-linear features so that
target labeling can be better predicted. We pretrain the deep structure with
stacked restricted Boltzmann machines (RBMs) for feature learning and optimize
our objective function with online learning algorithm, a mixture of perceptron
training and stochastic gradient descent. We test our model on different
challenge tasks, and show that our model outperforms significantly over the
completive baselines.
|
Teaching Deep Convolutional Neural Networks to Play Go | Mastering the game of Go has remained a long standing challenge to the field
of AI. Modern computer Go systems rely on processing millions of possible
future positions to play well, but intuitively a stronger and more 'humanlike'
way to play the game would be to rely on pattern recognition abilities rather
then brute force computation. Following this sentiment, we train deep
convolutional neural networks to play Go by training them to predict the moves
made by expert Go players. To solve this problem we introduce a number of novel
techniques, including a method of tying weights in the network to 'hard code'
symmetries that are expect to exist in the target function, and demonstrate in
an ablation study they considerably improve performance. Our final networks are
able to achieve move prediction accuracies of 41.1% and 44.4% on two different
Go datasets, surpassing previous state of the art on this task by significant
margins. Additionally, while previous move prediction programs have not yielded
strong Go playing programs, we show that the networks trained in this work
acquired high levels of skill. Our convolutional neural networks can
consistently defeat the well known Go program GNU Go, indicating it is state of
the art among programs that do not use Monte Carlo Tree Search. It is also able
to win some games against state of the art Go playing program Fuego while using
a fraction of the play time. This success at playing Go indicates high level
principles of the game were learned.
|
GP-select: Accelerating EM using adaptive subspace preselection | We propose a nonparametric procedure to achieve fast inference in generative
graphical models when the number of latent states is very large. The approach
is based on iterative latent variable preselection, where we alternate between
learning a 'selection function' to reveal the relevant latent variables, and
use this to obtain a compact approximation of the posterior distribution for
EM; this can make inference possible where the number of possible latent states
is e.g. exponential in the number of latent variables, whereas an exact
approach would be computationally unfeasible. We learn the selection function
entirely from the observed data and current EM state via Gaussian process
regression. This is by contrast with earlier approaches, where selection
functions were manually-designed for each problem setting. We show that our
approach performs as well as these bespoke selection functions on a wide
variety of inference problems: in particular, for the challenging case of a
hierarchical model for object localization with occlusion, we achieve results
that match a customized state-of-the-art selection method, at a far lower
computational cost.
|
Quantum Deep Learning | In recent years, deep learning has had a profound impact on machine learning
and artificial intelligence. At the same time, algorithms for quantum computers
have been shown to efficiently solve some problems that are intractable on
conventional, classical computers. We show that quantum computing not only
reduces the time required to train a deep restricted Boltzmann machine, but
also provides a richer and more comprehensive framework for deep learning than
classical computing and leads to significant improvements in the optimization
of the underlying objective function. Our quantum methods also permit efficient
training of full Boltzmann machines and multi-layer, fully connected models and
do not have well known classical counterparts.
|
Empirical Evaluation of Gated Recurrent Neural Networks on Sequence
Modeling | In this paper we compare different types of recurrent units in recurrent
neural networks (RNNs). Especially, we focus on more sophisticated units that
implement a gating mechanism, such as a long short-term memory (LSTM) unit and
a recently proposed gated recurrent unit (GRU). We evaluate these recurrent
units on the tasks of polyphonic music modeling and speech signal modeling. Our
experiments revealed that these advanced recurrent units are indeed better than
more traditional recurrent units such as tanh units. Also, we found GRU to be
comparable to LSTM.
|
Simulating a perceptron on a quantum computer | Perceptrons are the basic computational unit of artificial neural networks,
as they model the activation mechanism of an output neuron due to incoming
signals from its neighbours. As linear classifiers, they play an important role
in the foundations of machine learning. In the context of the emerging field of
quantum machine learning, several attempts have been made to develop a
corresponding unit using quantum information theory. Based on the quantum phase
estimation algorithm, this paper introduces a quantum perceptron model
imitating the step-activation function of a classical perceptron. This scheme
requires resources in $\mathcal{O}(n)$ (where $n$ is the size of the input) and
promises efficient applications for more complex structures such as trainable
quantum neural networks.
|
Object Recognition Using Deep Neural Networks: A Survey | Recognition of objects using Deep Neural Networks is an active area of
research and many breakthroughs have been made in the last few years. The paper
attempts to indicate how far this field has progressed. The paper briefly
describes the history of research in Neural Networks and describe several of
the recent advances in this field. The performances of recently developed
Neural Network Algorithm over benchmark datasets have been tabulated. Finally,
some the applications of this field have been provided.
|
A Topic Modeling Approach to Ranking | We propose a topic modeling approach to the prediction of preferences in
pairwise comparisons. We develop a new generative model for pairwise
comparisons that accounts for multiple shared latent rankings that are
prevalent in a population of users. This new model also captures inconsistent
user behavior in a natural way. We show how the estimation of latent rankings
in the new generative model can be formally reduced to the estimation of topics
in a statistically equivalent topic modeling problem. We leverage recent
advances in the topic modeling literature to develop an algorithm that can
learn shared latent rankings with provable consistency as well as sample and
computational complexity guarantees. We demonstrate that the new approach is
empirically competitive with the current state-of-the-art approaches in
predicting preferences on some semi-synthetic and real world datasets.
|
Compact Compositional Models | Learning compact and interpretable representations is a very natural task,
which has not been solved satisfactorily even for simple binary datasets. In
this paper, we review various ways of composing experts for binary data and
argue that competitive forms of interaction are best suited to learn
low-dimensional representations. We propose a new composition rule that
discourages experts from focusing on similar structures and that penalizes
opposing votes strongly so that abstaining from voting becomes more attractive.
We also introduce a novel sequential initialization procedure, which is based
on a process of oversimplification and correction. Experiments show that with
our approach very intuitive models can be learned.
|
Feature Weight Tuning for Recursive Neural Networks | This paper addresses how a recursive neural network model can automatically
leave out useless information and emphasize important evidence, in other words,
to perform "weight tuning" for higher-level representation acquisition. We
propose two models, Weighted Neural Network (WNN) and Binary-Expectation Neural
Network (BENN), which automatically control how much one specific unit
contributes to the higher-level representation. The proposed model can be
viewed as incorporating a more powerful compositional function for embedding
acquisition in recursive neural networks. Experimental results demonstrate the
significant improvement over standard neural models.
|
Distinguishing cause from effect using observational data: methods and
benchmarks | The discovery of causal relationships from purely observational data is a
fundamental problem in science. The most elementary form of such a causal
discovery problem is to decide whether X causes Y or, alternatively, Y causes
X, given joint observations of two variables X, Y. An example is to decide
whether altitude causes temperature, or vice versa, given only joint
measurements of both variables. Even under the simplifying assumptions of no
confounding, no feedback loops, and no selection bias, such bivariate causal
discovery problems are challenging. Nevertheless, several approaches for
addressing those problems have been proposed in recent years. We review two
families of such methods: Additive Noise Methods (ANM) and Information
Geometric Causal Inference (IGCI). We present the benchmark CauseEffectPairs
that consists of data for 100 different cause-effect pairs selected from 37
datasets from various domains (e.g., meteorology, biology, medicine,
engineering, economy, etc.) and motivate our decisions regarding the "ground
truth" causal directions of all pairs. We evaluate the performance of several
bivariate causal discovery methods on these real-world benchmark data and in
addition on artificially simulated data. Our empirical results on real-world
data indicate that certain methods are indeed able to distinguish cause from
effect using only purely observational data, although more benchmark data would
be needed to obtain statistically significant conclusions. One of the best
performing methods overall is the additive-noise method originally proposed by
Hoyer et al. (2009), which obtains an accuracy of 63+-10 % and an AUC of
0.74+-0.05 on the real-world benchmark. As the main theoretical contribution of
this work we prove the consistency of that method.
|
Machine Learning for Neuroimaging with Scikit-Learn | Statistical machine learning methods are increasingly used for neuroimaging
data analysis. Their main virtue is their ability to model high-dimensional
datasets, e.g. multivariate analysis of activation images or resting-state time
series. Supervised learning is typically used in decoding or encoding settings
to relate brain images to behavioral or clinical observations, while
unsupervised learning can uncover hidden structures in sets of images (e.g.
resting state functional MRI) or find sub-populations in large cohorts. By
considering different functional neuroimaging applications, we illustrate how
scikit-learn, a Python machine learning library, can be used to perform some
key analysis steps. Scikit-learn contains a very large set of statistical
learning algorithms, both supervised and unsupervised, and its application to
neuroimaging data provides a versatile tool to study the brain.
|
Size sensitive packing number for Hamming cube and its consequences | We prove a size-sensitive version of Haussler's Packing
lemma~\cite{Haussler92spherepacking} for set-systems with bounded primal
shatter dimension, which have an additional {\em size-sensitive property}. This
answers a question asked by Ezra~\cite{Ezra-sizesendisc-soda-14}. We also
partially address another point raised by Ezra regarding overcounting of sets
in her chaining procedure. As a consequence of these improvements, we get an
improvement on the size-sensitive discrepancy bounds for set systems with the
above property. Improved bounds on the discrepancy for these special set
systems also imply an improvement in the sizes of {\em relative $(\varepsilon,
\delta)$-approximations} and $(\nu, \alpha)$-samples.
|
Sparsity and adaptivity for the blind separation of partially correlated
sources | Blind source separation (BSS) is a very popular technique to analyze
multichannel data. In this context, the data are modeled as the linear
combination of sources to be retrieved. For that purpose, standard BSS methods
all rely on some discrimination principle, whether it is statistical
independence or morphological diversity, to distinguish between the sources.
However, dealing with real-world data reveals that such assumptions are rarely
valid in practice: the signals of interest are more likely partially
correlated, which generally hampers the performances of standard BSS methods.
In this article, we introduce a novel sparsity-enforcing BSS method coined
Adaptive Morphological Component Analysis (AMCA), which is designed to retrieve
sparse and partially correlated sources. More precisely, it makes profit of an
adaptive re-weighting scheme to favor/penalize samples based on their level of
correlation. Extensive numerical experiments have been carried out which show
that the proposed method is robust to the partial correlation of sources while
standard BSS techniques fail. The AMCA algorithm is evaluated in the field of
astrophysics for the separation of physical components from microwave data.
|
Dynamic Screening: Accelerating First-Order Algorithms for the Lasso and
Group-Lasso | Recent computational strategies based on screening tests have been proposed
to accelerate algorithms addressing penalized sparse regression problems such
as the Lasso. Such approaches build upon the idea that it is worth dedicating
some small computational effort to locate inactive atoms and remove them from
the dictionary in a preprocessing stage so that the regression algorithm
working with a smaller dictionary will then converge faster to the solution of
the initial problem. We believe that there is an even more efficient way to
screen the dictionary and obtain a greater acceleration: inside each iteration
of the regression algorithm, one may take advantage of the algorithm
computations to obtain a new screening test for free with increasing screening
effects along the iterations. The dictionary is henceforth dynamically screened
instead of being screened statically, once and for all, before the first
iteration. We formalize this dynamic screening principle in a general
algorithmic scheme and apply it by embedding inside a number of first-order
algorithms adapted existing screening tests to solve the Lasso or new screening
tests to solve the Group-Lasso. Computational gains are assessed in a large set
of experiments on synthetic data as well as real-world sounds and images. They
show both the screening efficiency and the gain in terms running times.
|
The Statistics of Streaming Sparse Regression | We present a sparse analogue to stochastic gradient descent that is
guaranteed to perform well under similar conditions to the lasso. In the linear
regression setup with irrepresentable noise features, our algorithm recovers
the support set of the optimal parameter vector with high probability, and
achieves a statistically quasi-optimal rate of convergence of Op(k log(d)/T),
where k is the sparsity of the solution, d is the number of features, and T is
the number of training examples. Meanwhile, our algorithm does not require any
more computational resources than stochastic gradient descent. In our
experiments, we find that our method substantially out-performs existing
streaming algorithms on both real and simulated data.
|
An Evaluation of Support Vector Machines as a Pattern Recognition Tool | The purpose of this report is in examining the generalization performance of
Support Vector Machines (SVM) as a tool for pattern recognition and object
classification. The work is motivated by the growing popularity of the method
that is claimed to guarantee a good generalization performance for the task in
hand. The method is implemented in MATLAB. SVMs based on various kernels are
tested for classifying data from various domains.
|
Unsupervised Domain Adaptation with Feature Embeddings | Representation learning is the dominant technique for unsupervised domain
adaptation, but existing approaches often require the specification of "pivot
features" that generalize across domains, which are selected by task-specific
heuristics. We show that a novel but simple feature embedding approach provides
better performance, by exploiting the feature template structure common in NLP
problems.
|
Domain-Adversarial Neural Networks | We introduce a new representation learning algorithm suited to the context of
domain adaptation, in which data at training and test time come from similar
but different distributions. Our algorithm is directly inspired by theory on
domain adaptation suggesting that, for effective domain transfer to be
achieved, predictions must be made based on a data representation that cannot
discriminate between the training (source) and test (target) domains. We
propose a training objective that implements this idea in the context of a
neural network, whose hidden layer is trained to be predictive of the
classification task, but uninformative as to the domain of the input. Our
experiments on a sentiment analysis classification benchmark, where the target
domain data available at training time is unlabeled, show that our neural
network for domain adaption algorithm has better performance than either a
standard neural network or an SVM, even if trained on input features extracted
with the state-of-the-art marginalized stacked denoising autoencoders of Chen
et al. (2012).
|
MatConvNet - Convolutional Neural Networks for MATLAB | MatConvNet is an implementation of Convolutional Neural Networks (CNNs) for
MATLAB. The toolbox is designed with an emphasis on simplicity and flexibility.
It exposes the building blocks of CNNs as easy-to-use MATLAB functions,
providing routines for computing linear convolutions with filter banks, feature
pooling, and many more. In this manner, MatConvNet allows fast prototyping of
new CNN architectures; at the same time, it supports efficient computation on
CPU and GPU allowing to train complex models on large datasets such as ImageNet
ILSVRC. This document provides an overview of CNNs and how they are implemented
in MatConvNet and gives the technical details of each computational block in
the toolbox.
|
Finding a sparse vector in a subspace: Linear sparsity using alternating
directions | Is it possible to find the sparsest vector (direction) in a generic subspace
$\mathcal{S} \subseteq \mathbb{R}^p$ with $\mathrm{dim}(\mathcal{S})= n < p$?
This problem can be considered a homogeneous variant of the sparse recovery
problem, and finds connections to sparse dictionary learning, sparse PCA, and
many other problems in signal processing and machine learning. In this paper,
we focus on a **planted sparse model** for the subspace: the target sparse
vector is embedded in an otherwise random subspace. Simple convex heuristics
for this planted recovery problem provably break down when the fraction of
nonzero entries in the target sparse vector substantially exceeds
$O(1/\sqrt{n})$. In contrast, we exhibit a relatively simple nonconvex approach
based on alternating directions, which provably succeeds even when the fraction
of nonzero entries is $\Omega(1)$. To the best of our knowledge, this is the
first practical algorithm to achieve linear scaling under the planted sparse
model. Empirically, our proposed algorithm also succeeds in more challenging
data models, e.g., sparse dictionary learning.
|
On the Inductive Bias of Dropout | Dropout is a simple but effective technique for learning in neural networks
and other settings. A sound theoretical understanding of dropout is needed to
determine when dropout should be applied and how to use it most effectively. In
this paper we continue the exploration of dropout as a regularizer pioneered by
Wager, et.al. We focus on linear classification where a convex proxy to the
misclassification loss (i.e. the logistic loss used in logistic regression) is
minimized. We show: (a) when the dropout-regularized criterion has a unique
minimizer, (b) when the dropout-regularization penalty goes to infinity with
the weights, and when it remains bounded, (c) that the dropout regularization
can be non-monotonic as individual weights increase from 0, and (d) that the
dropout regularization penalty may not be convex. This last point is
particularly surprising because the combination of dropout regularization with
any convex loss proxy is always a convex function.
In order to contrast dropout regularization with $L_2$ regularization, we
formalize the notion of when different sources are more compatible with
different regularizers. We then exhibit distributions that are provably more
compatible with dropout regularization than $L_2$ regularization, and vice
versa. These sources provide additional insight into how the inductive biases
of dropout and $L_2$ regularization differ. We provide some similar results for
$L_1$ regularization.
|
Max-Margin based Discriminative Feature Learning | In this paper, we propose a new max-margin based discriminative feature
learning method. Specifically, we aim at learning a low-dimensional feature
representation, so as to maximize the global margin of the data and make the
samples from the same class as close as possible. In order to enhance the
robustness to noise, a $l_{2,1}$ norm constraint is introduced to make the
transformation matrix in group sparsity. In addition, for multi-class
classification tasks, we further intend to learn and leverage the correlation
relationships among multiple class tasks for assisting in learning
discriminative features. The experimental results demonstrate the power of the
proposed method against the related state-of-the-art methods.
|
Learning with Pseudo-Ensembles | We formalize the notion of a pseudo-ensemble, a (possibly infinite)
collection of child models spawned from a parent model by perturbing it
according to some noise process. E.g., dropout (Hinton et. al, 2012) in a deep
neural network trains a pseudo-ensemble of child subnetworks generated by
randomly masking nodes in the parent network. We present a novel regularizer
based on making the behavior of a pseudo-ensemble robust with respect to the
noise process generating it. In the fully-supervised setting, our regularizer
matches the performance of dropout. But, unlike dropout, our regularizer
naturally extends to the semi-supervised setting, where it produces
state-of-the-art results. We provide a case study in which we transform the
Recursive Neural Tensor Network of (Socher et. al, 2013) into a
pseudo-ensemble, which significantly improves its performance on a real-world
sentiment analysis benchmark.
|
A Scalable Asynchronous Distributed Algorithm for Topic Modeling | Learning meaningful topic models with massive document collections which
contain millions of documents and billions of tokens is challenging because of
two reasons: First, one needs to deal with a large number of topics (typically
in the order of thousands). Second, one needs a scalable and efficient way of
distributing the computation across multiple machines. In this paper we present
a novel algorithm F+Nomad LDA which simultaneously tackles both these problems.
In order to handle large number of topics we use an appropriately modified
Fenwick tree. This data structure allows us to sample from a multinomial
distribution over $T$ items in $O(\log T)$ time. Moreover, when topic counts
change the data structure can be updated in $O(\log T)$ time. In order to
distribute the computation across multiple processor we present a novel
asynchronous framework inspired by the Nomad algorithm of
\cite{YunYuHsietal13}. We show that F+Nomad LDA significantly outperform
state-of-the-art on massive problems which involve millions of documents,
billions of words, and thousands of topics.
|
Towards Deep Neural Network Architectures Robust to Adversarial Examples | Recent work has shown deep neural networks (DNNs) to be highly susceptible to
well-designed, small perturbations at the input layer, or so-called adversarial
examples. Taking images as an example, such distortions are often
imperceptible, but can result in 100% mis-classification for a state of the art
DNN. We study the structure of adversarial examples and explore network
topology, pre-processing and training strategies to improve the robustness of
DNNs. We perform various experiments to assess the removability of adversarial
examples by corrupting with additional noise and pre-processing with denoising
autoencoders (DAEs). We find that DAEs can remove substantial amounts of the
adversarial noise. How- ever, when stacking the DAE with the original DNN, the
resulting network can again be attacked by new adversarial examples with even
smaller distortion. As a solution, we propose Deep Contractive Network, a model
with a new end-to-end training procedure that includes a smoothness penalty
inspired by the contractive autoencoder (CAE). This increases the network
robustness to adversarial examples, without a significant performance penalty.
|
Random Forests Can Hash | Hash codes are a very efficient data representation needed to be able to cope
with the ever growing amounts of data. We introduce a random forest semantic
hashing scheme with information-theoretic code aggregation, showing for the
first time how random forest, a technique that together with deep learning have
shown spectacular results in classification, can also be extended to
large-scale retrieval. Traditional random forest fails to enforce the
consistency of hashes generated from each tree for the same class data, i.e.,
to preserve the underlying similarity, and it also lacks a principled way for
code aggregation across trees. We start with a simple hashing scheme, where
independently trained random trees in a forest are acting as hashing functions.
We the propose a subspace model as the splitting function, and show that it
enforces the hash consistency in a tree for data from the same class. We also
introduce an information-theoretic approach for aggregating codes of individual
trees into a single hash code, producing a near-optimal unique hash for each
class. Experiments on large-scale public datasets are presented, showing that
the proposed approach significantly outperforms state-of-the-art hashing
methods for retrieval tasks.
|
Locally Scale-Invariant Convolutional Neural Networks | Convolutional Neural Networks (ConvNets) have shown excellent results on many
visual classification tasks. With the exception of ImageNet, these datasets are
carefully crafted such that objects are well-aligned at similar scales.
Naturally, the feature learning problem gets more challenging as the amount of
variation in the data increases, as the models have to learn to be invariant to
certain changes in appearance. Recent results on the ImageNet dataset show that
given enough data, ConvNets can learn such invariances producing very
discriminative features [1]. But could we do more: use less parameters, less
data, learn more discriminative features, if certain invariances were built
into the learning process? In this paper we present a simple model that allows
ConvNets to learn features in a locally scale-invariant manner without
increasing the number of model parameters. We show on a modified MNIST dataset
that when faced with scale variation, building in scale-invariance allows
ConvNets to learn more discriminative features with reduced chances of
over-fitting.
|
Testing MCMC code | Markov Chain Monte Carlo (MCMC) algorithms are a workhorse of probabilistic
modeling and inference, but are difficult to debug, and are prone to silent
failure if implemented naively. We outline several strategies for testing the
correctness of MCMC algorithms. Specifically, we advocate writing code in a
modular way, where conditional probability calculations are kept separate from
the logic of the sampler. We discuss strategies for both unit testing and
integration testing. As a running example, we show how a Python implementation
of Gibbs sampling for a mixture of Gaussians model can be tested.
|
The supervised hierarchical Dirichlet process | We propose the supervised hierarchical Dirichlet process (sHDP), a
nonparametric generative model for the joint distribution of a group of
observations and a response variable directly associated with that whole group.
We compare the sHDP with another leading method for regression on grouped data,
the supervised latent Dirichlet allocation (sLDA) model. We evaluate our method
on two real-world classification problems and two real-world regression
problems. Bayesian nonparametric regression models based on the Dirichlet
process, such as the Dirichlet process-generalised linear models (DP-GLM) have
previously been explored; these models allow flexibility in modelling nonlinear
relationships. However, until now, Hierarchical Dirichlet Process (HDP)
mixtures have not seen significant use in supervised problems with grouped data
since a straightforward application of the HDP on the grouped data results in
learnt clusters that are not predictive of the responses. The sHDP solves this
problem by allowing for clusters to be learnt jointly from the group structure
and from the label assigned to each group.
|
Learning unbiased features | A key element in transfer learning is representation learning; if
representations can be developed that expose the relevant factors underlying
the data, then new tasks and domains can be learned readily based on mappings
of these salient factors. We propose that an important aim for these
representations are to be unbiased. Different forms of representation learning
can be derived from alternative definitions of unwanted bias, e.g., bias to
particular tasks, domains, or irrelevant underlying data dimensions. One very
useful approach to estimating the amount of bias in a representation comes from
maximum mean discrepancy (MMD) [5], a measure of distance between probability
distributions. We are not the first to suggest that MMD can be a useful
criterion in developing representations that apply across multiple domains or
tasks [1]. However, in this paper we describe a number of novel applications of
this criterion that we have devised, all based on the idea of developing
unbiased representations. These formulations include: a standard domain
adaptation framework; a method of learning invariant representations; an
approach based on noise-insensitive autoencoders; and a novel form of
generative model.
|
Consistency Analysis of an Empirical Minimum Error Entropy Algorithm | In this paper we study the consistency of an empirical minimum error entropy
(MEE) algorithm in a regression setting. We introduce two types of consistency.
The error entropy consistency, which requires the error entropy of the learned
function to approximate the minimum error entropy, is shown to be always true
if the bandwidth parameter tends to 0 at an appropriate rate. The regression
consistency, which requires the learned function to approximate the regression
function, however, is a complicated issue. We prove that the error entropy
consistency implies the regression consistency for homoskedastic models where
the noise is independent of the input variable. But for heteroskedastic models,
a counterexample is used to show that the two types of consistency do not
coincide. A surprising result is that the regression consistency is always
true, provided that the bandwidth parameter tends to infinity at an appropriate
rate. Regression consistency of two classes of special models is shown to hold
with fixed bandwidth parameter, which further illustrates the complexity of
regression consistency of MEE. Fourier transform plays crucial roles in our
analysis.
|
Ensemble of Generative and Discriminative Techniques for Sentiment
Analysis of Movie Reviews | Sentiment analysis is a common task in natural language processing that aims
to detect polarity of a text document (typically a consumer review). In the
simplest settings, we discriminate only between positive and negative
sentiment, turning the task into a standard binary classification problem. We
compare several ma- chine learning approaches to this problem, and combine them
to achieve the best possible results. We show how to use for this task the
standard generative lan- guage models, which are slightly complementary to the
state of the art techniques. We achieve strong results on a well-known dataset
of IMDB movie reviews. Our results are easily reproducible, as we publish also
the code needed to repeat the experiments. This should simplify further advance
of the state of the art, as other researchers can combine their techniques with
ours with little effort.
|
Flattened Convolutional Neural Networks for Feedforward Acceleration | We present flattened convolutional neural networks that are designed for fast
feedforward execution. The redundancy of the parameters, especially weights of
the convolutional filters in convolutional neural networks has been extensively
studied and different heuristics have been proposed to construct a low rank
basis of the filters after training. In this work, we train flattened networks
that consist of consecutive sequence of one-dimensional filters across all
directions in 3D space to obtain comparable performance as conventional
convolutional networks. We tested flattened model on different datasets and
found that the flattened layer can effectively substitute for the 3D filters
without loss of accuracy. The flattened convolution pipelines provide around
two times speed-up during feedforward pass compared to the baseline model due
to the significant reduction of learning parameters. Furthermore, the proposed
method does not require efforts in manual tuning or post processing once the
model is trained.
|
Deep Speech: Scaling up end-to-end speech recognition | We present a state-of-the-art speech recognition system developed using
end-to-end deep learning. Our architecture is significantly simpler than
traditional speech systems, which rely on laboriously engineered processing
pipelines; these traditional systems also tend to perform poorly when used in
noisy environments. In contrast, our system does not need hand-designed
components to model background noise, reverberation, or speaker variation, but
instead directly learns a function that is robust to such effects. We do not
need a phoneme dictionary, nor even the concept of a "phoneme." Key to our
approach is a well-optimized RNN training system that uses multiple GPUs, as
well as a set of novel data synthesis techniques that allow us to efficiently
obtain a large amount of varied data for training. Our system, called Deep
Speech, outperforms previously published results on the widely studied
Switchboard Hub5'00, achieving 16.0% error on the full test set. Deep Speech
also handles challenging noisy environments better than widely used,
state-of-the-art commercial speech systems.
|
Learning from Data with Heterogeneous Noise using SGD | We consider learning from data of variable quality that may be obtained from
different heterogeneous sources. Addressing learning from heterogeneous data in
its full generality is a challenging problem. In this paper, we adopt instead a
model in which data is observed through heterogeneous noise, where the noise
level reflects the quality of the data source. We study how to use stochastic
gradient algorithms to learn in this model. Our study is motivated by two
concrete examples where this problem arises naturally: learning with local
differential privacy based on data from multiple sources with different privacy
requirements, and learning from data with labels of variable quality.
The main contribution of this paper is to identify how heterogeneous noise
impacts performance. We show that given two datasets with heterogeneous noise,
the order in which to use them in standard SGD depends on the learning rate. We
propose a method for changing the learning rate as a function of the
heterogeneity, and prove new regret bounds for our method in two cases of
interest. Experiments on real data show that our method performs better than
using a single learning rate and using only the less noisy of the two datasets
when the noise level is low to moderate.
|
Feature extraction from complex networks: A case of study in genomic
sequences classification | This work presents a new approach for classification of genomic sequences
from measurements of complex networks and information theory. For this, it is
considered the nucleotides, dinucleotides and trinucleotides of a genomic
sequence. For each of them, the entropy, sum entropy and maximum entropy values
are calculated.For each of them is also generated a network, in which the nodes
are the nucleotides, dinucleotides or trinucleotides and its edges are
estimated by observing the respective adjacency among them in the genomic
sequence. In this way, it is generated three networks, for which measures of
complex networks are extracted.These measures together with measures of
information theory comprise a feature vector representing a genomic sequence.
Thus, the feature vector is used for classification by methods such as SVM,
MultiLayer Perceptron, J48, IBK, Naive Bayes and Random Forest in order to
evaluate the proposed approach.It was adopted coding sequences, intergenic
sequences and TSS (Transcriptional Starter Sites) as datasets, for which the
better results were obtained by the Random Forest with 91.2%, followed by J48
with 89.1% and SVM with 84.8% of accuracy. These results indicate that the new
approach of feature extraction has its value, reaching good levels of
classification even considering only the genomic sequences, i.e., no other a
priori knowledge about them is considered.
|
Effective sampling for large-scale automated writing evaluation systems | Automated writing evaluation (AWE) has been shown to be an effective
mechanism for quickly providing feedback to students. It has already seen wide
adoption in enterprise-scale applications and is starting to be adopted in
large-scale contexts. Training an AWE model has historically required a single
batch of several hundred writing examples and human scores for each of them.
This requirement limits large-scale adoption of AWE since human-scoring essays
is costly. Here we evaluate algorithms for ensuring that AWE models are
consistently trained using the most informative essays. Our results show how to
minimize training set sizes while maximizing predictive performance, thereby
reducing cost without unduly sacrificing accuracy. We conclude with a
discussion of how to integrate this approach into large-scale AWE systems.
|
Entity-Augmented Distributional Semantics for Discourse Relations | Discourse relations bind smaller linguistic elements into coherent texts.
However, automatically identifying discourse relations is difficult, because it
requires understanding the semantics of the linked sentences. A more subtle
challenge is that it is not enough to represent the meaning of each sentence of
a discourse relation, because the relation may depend on links between
lower-level elements, such as entity mentions. Our solution computes
distributional meaning representations by composition up the syntactic parse
tree. A key difference from previous work on compositional distributional
semantics is that we also compute representations for entity mentions, using a
novel downward compositional pass. Discourse relations are predicted not only
from the distributional representations of the sentences, but also of their
coreferent entity mentions. The resulting system obtains substantial
improvements over the previous state-of-the-art in predicting implicit
discourse relations in the Penn Discourse Treebank.
|
Multiobjective Optimization of Classifiers by Means of 3-D Convex Hull
Based Evolutionary Algorithm | Finding a good classifier is a multiobjective optimization problem with
different error rates and the costs to be minimized. The receiver operating
characteristic is widely used in the machine learning community to analyze the
performance of parametric classifiers or sets of Pareto optimal classifiers. In
order to directly compare two sets of classifiers the area (or volume) under
the convex hull can be used as a scalar indicator for the performance of a set
of classifiers in receiver operating characteristic space.
Recently, the convex hull based multiobjective genetic programming algorithm
was proposed and successfully applied to maximize the convex hull area for
binary classification problems. The contribution of this paper is to extend
this algorithm for dealing with higher dimensional problem formulations. In
particular, we discuss problems where parsimony (or classifier complexity) is
stated as a third objective and multi-class classification with three different
true classification rates to be maximized.
The design of the algorithm proposed in this paper is inspired by
indicator-based evolutionary algorithms, where first a performance indicator
for a solution set is established and then a selection operator is designed
that complies with the performance indicator. In this case, the performance
indicator will be the volume under the convex hull. The algorithm is tested and
analyzed in a proof of concept study on different benchmarks that are designed
for measuring its capability to capture relevant parts of a convex hull.
Further benchmark and application studies on email classification and feature
selection round up the analysis and assess robustness and usefulness of the new
algorithm in real world settings.
|
An Algorithm for Online K-Means Clustering | This paper shows that one can be competitive with the k-means objective while
operating online. In this model, the algorithm receives vectors v_1,...,v_n one
by one in an arbitrary order. For each vector the algorithm outputs a cluster
identifier before receiving the next one. Our online algorithm generates ~O(k)
clusters whose k-means cost is ~O(W*). Here, W* is the optimal k-means cost
using k clusters and ~O suppresses poly-logarithmic factors. We also show that,
experimentally, it is not much worse than k-means++ while operating in a
strictly more constrained computational model.
|
Dynamic Structure Embedded Online Multiple-Output Regression for Stream
Data | Online multiple-output regression is an important machine learning technique
for modeling, predicting, and compressing multi-dimensional correlated data
streams. In this paper, we propose a novel online multiple-output regression
method, called MORES, for stream data. MORES can \emph{dynamically} learn the
structure of the coefficients change in each update step to facilitate the
model's continuous refinement. We observe that limited expressive ability of
the regression model, especially in the preliminary stage of online update,
often leads to the variables in the residual errors being dependent. In light
of this point, MORES intends to \emph{dynamically} learn and leverage the
structure of the residual errors to improve the prediction accuracy. Moreover,
we define three statistical variables to \emph{exactly} represent all the seen
samples for \emph{incrementally} calculating prediction loss in each online
update round, which can avoid loading all the training data into memory for
updating model, and also effectively prevent drastic fluctuation of the model
in the presence of noise. Furthermore, we introduce a forgetting factor to set
different weights on samples so as to track the data streams' evolving
characteristics quickly from the latest samples. Experiments on one synthetic
dataset and three real-world datasets validate the effectiveness of the
proposed method. In addition, the update speed of MORES is at least 2000
samples processed per second on the three real-world datasets, more than 15
times faster than the state-of-the-art online learning algorithm.
|
Stochastic Descent Analysis of Representation Learning Algorithms | Although stochastic approximation learning methods have been widely used in
the machine learning literature for over 50 years, formal theoretical analyses
of specific machine learning algorithms are less common because stochastic
approximation theorems typically possess assumptions which are difficult to
communicate and verify. This paper presents a new stochastic approximation
theorem for state-dependent noise with easily verifiable assumptions applicable
to the analysis and design of important deep learning algorithms including:
adaptive learning, contrastive divergence learning, stochastic descent
expectation maximization, and active learning.
|
On the Stability of Deep Networks | In this work we study the properties of deep neural networks (DNN) with
random weights. We formally prove that these networks perform a
distance-preserving embedding of the data. Based on this we then draw
conclusions on the size of the training data and the networks' structure. A
longer version of this paper with more results and details can be found in
(Giryes et al., 2015). In particular, we formally prove in the longer version
that DNN with random Gaussian weights perform a distance-preserving embedding
of the data, with a special treatment for in-class and out-of-class data.
|
Nearest Descent, In-Tree, and Clustering | In this paper, we propose a physically inspired graph-theoretical clustering
method, which first makes the data points organized into an attractive graph,
called In-Tree, via a physically inspired rule, called Nearest Descent (ND). In
particular, the rule of ND works to select the nearest node in the descending
direction of potential as the parent node of each node, which is in essence
different from the classical Gradient Descent or Steepest Descent. The
constructed In-Tree proves a very good candidate for clustering due to its
particular features and properties. In the In-Tree, the original clustering
problem is reduced to a problem of removing a very few of undesired edges from
this graph. Pleasingly, the undesired edges in In-Tree are so distinguishable
that they can be easily determined in either automatic or interactive way,
which is in stark contrast to the cases in the widely used Minimal Spanning
Tree and k-nearest-neighbor graph. The cluster number in the proposed method
can be easily determined based on some intermediate plots, and the cluster
assignment for each node is easily made by quickly searching its root node in
each sub-graph (also an In-Tree). The proposed method is extensively evaluated
on both synthetic and real-world datasets. Overall, the proposed clustering
method is a density-based one, but shows significant differences and advantages
in comparison to the traditional ones. The proposed method is simple yet
efficient and reliable, and is applicable to various datasets with diverse
shapes, attributes and any high dimensionality
|
Large Scale Distributed Distance Metric Learning | In large scale machine learning and data mining problems with high feature
dimensionality, the Euclidean distance between data points can be
uninformative, and Distance Metric Learning (DML) is often desired to learn a
proper similarity measure (using side information such as example data pairs
being similar or dissimilar). However, high dimensionality and large volume of
pairwise constraints in modern big data can lead to prohibitive computational
cost for both the original DML formulation in Xing et al. (2002) and later
extensions. In this paper, we present a distributed algorithm for DML, and a
large-scale implementation on a parameter server architecture. Our approach
builds on a parallelizable reformulation of Xing et al. (2002), and an
asynchronous stochastic gradient descent optimization procedure. To our
knowledge, this is the first distributed solution to DML, and we show that, on
a system with 256 CPU cores, our program is able to complete a DML task on a
dataset with 1 million data points, 22-thousand features, and 200 million
labeled data pairs, in 15 hours; and the learned metric shows great
effectiveness in properly measuring distances.
|
Tag-Aware Ordinal Sparse Factor Analysis for Learning and Content
Analytics | Machine learning offers novel ways and means to design personalized learning
systems wherein each student's educational experience is customized in real
time depending on their background, learning goals, and performance to date.
SPARse Factor Analysis (SPARFA) is a novel framework for machine learning-based
learning analytics, which estimates a learner's knowledge of the concepts
underlying a domain, and content analytics, which estimates the relationships
among a collection of questions and those concepts. SPARFA jointly learns the
associations among the questions and the concepts, learner concept knowledge
profiles, and the underlying question difficulties, solely based on the
correct/incorrect graded responses of a population of learners to a collection
of questions. In this paper, we extend the SPARFA framework significantly to
enable: (i) the analysis of graded responses on an ordinal scale (partial
credit) rather than a binary scale (correct/incorrect); (ii) the exploitation
of tags/labels for questions that partially describe the question{concept
associations. The resulting Ordinal SPARFA-Tag framework greatly enhances the
interpretability of the estimated concepts. We demonstrate using real
educational data that Ordinal SPARFA-Tag outperforms both SPARFA and existing
collaborative filtering techniques in predicting missing learner responses.
|
Quantized Matrix Completion for Personalized Learning | The recently proposed SPARse Factor Analysis (SPARFA) framework for
personalized learning performs factor analysis on ordinal or binary-valued
(e.g., correct/incorrect) graded learner responses to questions. The underlying
factors are termed "concepts" (or knowledge components) and are used for
learning analytics (LA), the estimation of learner concept-knowledge profiles,
and for content analytics (CA), the estimation of question-concept associations
and question difficulties. While SPARFA is a powerful tool for LA and CA, it
requires a number of algorithm parameters (including the number of concepts),
which are difficult to determine in practice. In this paper, we propose
SPARFA-Lite, a convex optimization-based method for LA that builds on matrix
completion, which only requires a single algorithm parameter and enables us to
automatically identify the required number of concepts. Using a variety of
educational datasets, we demonstrate that SPARFALite (i) achieves comparable
performance in predicting unobserved learner responses to existing methods,
including item response theory (IRT) and SPARFA, and (ii) is computationally
more efficient.
|
Automatic Training Data Synthesis for Handwriting Recognition Using the
Structural Crossing-Over Technique | The paper presents a novel technique called "Structural Crossing-Over" to
synthesize qualified data for training machine learning-based handwriting
recognition. The proposed technique can provide a greater variety of patterns
of training data than the existing approaches such as elastic distortion and
tangent-based affine transformation. A couple of training characters are
chosen, then they are analyzed by their similar and different structures, and
finally are crossed over to generate the new characters. The experiments are
set to compare the performances of tangent-based affine transformation and the
proposed approach in terms of the variety of generated characters and percent
of recognition errors. The standard MNIST corpus including 60,000 training
characters and 10,000 test characters is employed in the experiments. The
proposed technique uses 1,000 characters to synthesize 60,000 characters, and
then uses these data to train and test the benchmark handwriting recognition
system that exploits Histogram of Gradient (HOG) as features and Support Vector
Machine (SVM) as recognizer. The experimental result yields 8.06% of errors. It
significantly outperforms the tangent-based affine transformation and the
original MNIST training data, which are 11.74% and 16.55%, respectively.
|
Generative Deep Deconvolutional Learning | A generative Bayesian model is developed for deep (multi-layer) convolutional
dictionary learning. A novel probabilistic pooling operation is integrated into
the deep model, yielding efficient bottom-up and top-down probabilistic
learning. After learning the deep convolutional dictionary, testing is
implemented via deconvolutional inference. To speed up this inference, a new
statistical approach is proposed to project the top-layer dictionary elements
to the data level. Following this, only one layer of deconvolution is required
during testing. Experimental results demonstrate powerful capabilities of the
model to learn multi-layer features from images. Excellent classification
results are obtained on both the MNIST and Caltech 101 datasets.
|
Learning Temporal Dependencies in Data Using a DBN-BLSTM | Since the advent of deep learning, it has been used to solve various problems
using many different architectures. The application of such deep architectures
to auditory data is also not uncommon. However, these architectures do not
always adequately consider the temporal dependencies in data. We thus propose a
new generic architecture called the Deep Belief Network - Bidirectional Long
Short-Term Memory (DBN-BLSTM) network that models sequences by keeping track of
the temporal information while enabling deep representations in the data. We
demonstrate this new architecture by applying it to the task of music
generation and obtain state-of-the-art results.
|
Theoretical and Numerical Analysis of Approximate Dynamic Programming
with Approximation Errors | This study is aimed at answering the famous question of how the approximation
errors at each iteration of Approximate Dynamic Programming (ADP) affect the
quality of the final results considering the fact that errors at each iteration
affect the next iteration. To this goal, convergence of Value Iteration scheme
of ADP for deterministic nonlinear optimal control problems with undiscounted
cost functions is investigated while considering the errors existing in
approximating respective functions. The boundedness of the results around the
optimal solution is obtained based on quantities which are known in a general
optimal control problem and assumptions which are verifiable. Moreover, since
the presence of the approximation errors leads to the deviation of the results
from optimality, sufficient conditions for stability of the system operated by
the result obtained after a finite number of value iterations, along with an
estimation of its region of attraction, are derived in terms of a calculable
upper bound of the control approximation error. Finally, the process of
implementation of the method on an orbital maneuver problem is investigated
through which the assumptions made in the theoretical developments are verified
and the sufficient conditions are applied for guaranteeing stability and near
optimality.
|
Compressing Deep Convolutional Networks using Vector Quantization | Deep convolutional neural networks (CNN) has become the most promising method
for object recognition, repeatedly demonstrating record breaking results for
image classification and object detection in recent years. However, a very deep
CNN generally involves many layers with millions of parameters, making the
storage of the network model to be extremely large. This prohibits the usage of
deep CNNs on resource limited hardware, especially cell phones or other
embedded devices. In this paper, we tackle this model storage issue by
investigating information theoretical vector quantization methods for
compressing the parameters of CNNs. In particular, we have found in terms of
compressing the most storage demanding dense connected layers, vector
quantization methods have a clear gain over existing matrix factorization
methods. Simply applying k-means clustering to the weights or conducting
product quantization can lead to a very good balance between model size and
recognition accuracy. For the 1000-category classification task in the ImageNet
challenge, we are able to achieve 16-24 times compression of the network with
only 1% loss of classification accuracy using the state-of-the-art CNN.
|
Efficient Decision-Making by Volume-Conserving Physical Object | We demonstrate that any physical object, as long as its volume is conserved
when coupled with suitable operations, provides a sophisticated decision-making
capability. We consider the problem of finding, as accurately and quickly as
possible, the most profitable option from a set of options that gives
stochastic rewards. These decisions are made as dictated by a physical object,
which is moved in a manner similar to the fluctuations of a rigid body in a
tug-of-war game. Our analytical calculations validate statistical reasons why
our method exhibits higher efficiency than conventional algorithms.
|
Example Selection For Dictionary Learning | In unsupervised learning, an unbiased uniform sampling strategy is typically
used, in order that the learned features faithfully encode the statistical
structure of the training data. In this work, we explore whether active example
selection strategies - algorithms that select which examples to use, based on
the current estimate of the features - can accelerate learning. Specifically,
we investigate effects of heuristic and saliency-inspired selection algorithms
on the dictionary learning task with sparse activations. We show that some
selection algorithms do improve the speed of learning, and we speculate on why
they might work.
|
Crypto-Nets: Neural Networks over Encrypted Data | The problem we address is the following: how can a user employ a predictive
model that is held by a third party, without compromising private information.
For example, a hospital may wish to use a cloud service to predict the
readmission risk of a patient. However, due to regulations, the patient's
medical files cannot be revealed. The goal is to make an inference using the
model, without jeopardizing the accuracy of the prediction or the privacy of
the data.
To achieve high accuracy, we use neural networks, which have been shown to
outperform other learning models for many tasks. To achieve the privacy
requirements, we use homomorphic encryption in the following protocol: the data
owner encrypts the data and sends the ciphertexts to the third party to obtain
a prediction from a trained model. The model operates on these ciphertexts and
sends back the encrypted prediction. In this protocol, not only the data
remains private, even the values predicted are available only to the data
owner.
Using homomorphic encryption and modifications to the activation functions
and training algorithms of neural networks, we show that it is protocol is
possible and may be feasible. This method paves the way to build a secure
cloud-based neural network prediction services without invading users' privacy.
|
Multiple Authors Detection: A Quantitative Analysis of Dream of the Red
Chamber | Inspired by the authorship controversy of Dream of the Red Chamber and the
application of machine learning in the study of literary stylometry, we develop
a rigorous new method for the mathematical analysis of authorship by testing
for a so-called chrono-divide in writing styles. Our method incorporates some
of the latest advances in the study of authorship attribution, particularly
techniques from support vector machines. By introducing the notion of relative
frequency as a feature ranking metric our method proves to be highly effective
and robust.
Applying our method to the Cheng-Gao version of Dream of the Red Chamber has
led to convincing if not irrefutable evidence that the first $80$ chapters and
the last $40$ chapters of the book were written by two different authors.
Furthermore, our analysis has unexpectedly provided strong support to the
hypothesis that Chapter 67 was not the work of Cao Xueqin either.
We have also tested our method to the other three Great Classical Novels in
Chinese. As expected no chrono-divides have been found. This provides further
evidence of the robustness of our method.
|
Purine: A bi-graph based deep learning framework | In this paper, we introduce a novel deep learning framework, termed Purine.
In Purine, a deep network is expressed as a bipartite graph (bi-graph), which
is composed of interconnected operators and data tensors. With the bi-graph
abstraction, networks are easily solvable with event-driven task dispatcher. We
then demonstrate that different parallelism schemes over GPUs and/or CPUs on
single or multiple PCs can be universally implemented by graph composition.
This eases researchers from coding for various parallelization schemes, and the
same dispatcher can be used for solving variant graphs. Scheduled by the task
dispatcher, memory transfers are fully overlapped with other computations,
which greatly reduce the communication overhead and help us achieve approximate
linear acceleration.
|
Gradual training of deep denoising auto encoders | Stacked denoising auto encoders (DAEs) are well known to learn useful deep
representations, which can be used to improve supervised training by
initializing a deep network. We investigate a training scheme of a deep DAE,
where DAE layers are gradually added and keep adapting as additional layers are
added. We show that in the regime of mid-sized datasets, this gradual training
provides a small but consistent improvement over stacked training in both
reconstruction quality and classification error over stacked training on MNIST
and CIFAR datasets.
|
From dependency to causality: a machine learning approach | The relationship between statistical dependency and causality lies at the
heart of all statistical approaches to causal inference. Recent results in the
ChaLearn cause-effect pair challenge have shown that causal directionality can
be inferred with good accuracy also in Markov indistinguishable configurations
thanks to data driven approaches. This paper proposes a supervised machine
learning approach to infer the existence of a directed causal link between two
variables in multivariate settings with $n>2$ variables. The approach relies on
the asymmetry of some conditional (in)dependence relations between the members
of the Markov blankets of two variables causally connected. Our results show
that supervised learning methods may be successfully used to extract causal
information on the basis of asymmetric statistical descriptors also for $n>2$
variate distributions.
|
Regression with Linear Factored Functions | Many applications that use empirically estimated functions face a curse of
dimensionality, because the integrals over most function classes must be
approximated by sampling. This paper introduces a novel regression-algorithm
that learns linear factored functions (LFF). This class of functions has
structural properties that allow to analytically solve certain integrals and to
calculate point-wise products. Applications like belief propagation and
reinforcement learning can exploit these properties to break the curse and
speed up computation. We derive a regularized greedy optimization scheme, that
learns factored basis functions during training. The novel regression algorithm
performs competitively to Gaussian processes on benchmark tasks, and the
learned LFF functions are with 4-9 factored basis functions on average very
compact.
|
Generative Modeling of Convolutional Neural Networks | The convolutional neural networks (CNNs) have proven to be a powerful tool
for discriminative learning. Recently researchers have also started to show
interest in the generative aspects of CNNs in order to gain a deeper
understanding of what they have learned and how to further improve them. This
paper investigates generative modeling of CNNs. The main contributions include:
(1) We construct a generative model for the CNN in the form of exponential
tilting of a reference distribution. (2) We propose a generative gradient for
pre-training CNNs by a non-parametric importance sampling scheme, which is
fundamentally different from the commonly used discriminative gradient, and yet
has the same computational architecture and cost as the latter. (3) We propose
a generative visualization method for the CNNs by sampling from an explicit
parametric image distribution. The proposed visualization method can directly
draw synthetic samples for any given node in a trained CNN by the Hamiltonian
Monte Carlo (HMC) algorithm, without resorting to any extra hold-out images.
Experiments on the challenging ImageNet benchmark show that the proposed
generative gradient pre-training consistently helps improve the performances of
CNNs, and the proposed generative visualization method generates meaningful and
varied samples of synthetic images from a large-scale deep CNN.
|
Distributed Decision Trees | Recently proposed budding tree is a decision tree algorithm in which every
node is part internal node and part leaf. This allows representing every
decision tree in a continuous parameter space, and therefore a budding tree can
be jointly trained with backpropagation, like a neural network. Even though
this continuity allows it to be used in hierarchical representation learning,
the learned representations are local: Activation makes a soft selection among
all root-to-leaf paths in a tree. In this work we extend the budding tree and
propose the distributed tree where the children use different and independent
splits and hence multiple paths in a tree can be traversed at the same time.
This ability to combine multiple paths gives the power of a distributed
representation, as in a traditional perceptron layer. We show that distributed
trees perform comparably or better than budding and traditional hard trees on
classification and regression tasks.
|
Inducing Semantic Representation from Text by Jointly Predicting and
Factorizing Relations | In this work, we propose a new method to integrate two recent lines of work:
unsupervised induction of shallow semantics (e.g., semantic roles) and
factorization of relations in text and knowledge bases. Our model consists of
two components: (1) an encoding component: a semantic role labeling model which
predicts roles given a rich set of syntactic and lexical features; (2) a
reconstruction component: a tensor factorization model which relies on roles to
predict argument fillers. When the components are estimated jointly to minimize
errors in argument reconstruction, the induced roles largely correspond to
roles defined in annotated resources. Our method performs on par with most
accurate role induction methods on English, even though, unlike these previous
approaches, we do not incorporate any prior linguistic knowledge about the
language.
|
Grounding Hierarchical Reinforcement Learning Models for Knowledge
Transfer | Methods of deep machine learning enable to to reuse low-level representations
efficiently for generating more abstract high-level representations.
Originally, deep learning has been applied passively (e.g., for classification
purposes). Recently, it has been extended to estimate the value of actions for
autonomous agents within the framework of reinforcement learning (RL). Explicit
models of the environment can be learned to augment such a value function.
Although "flat" connectionist methods have already been used for model-based
RL, up to now, only model-free variants of RL have been equipped with methods
from deep learning. We propose a variant of deep model-based RL that enables an
agent to learn arbitrarily abstract hierarchical representations of its
environment. In this paper, we present research on how such hierarchical
representations can be grounded in sensorimotor interaction between an agent
and its environment.
|
Algorithmic Robustness for Learning via $(\epsilon, \gamma, \tau)$-Good
Similarity Functions | The notion of metric plays a key role in machine learning problems such as
classification, clustering or ranking. However, it is worth noting that there
is a severe lack of theoretical guarantees that can be expected on the
generalization capacity of the classifier associated to a given metric. The
theoretical framework of $(\epsilon, \gamma, \tau)$-good similarity functions
(Balcan et al., 2008) has been one of the first attempts to draw a link between
the properties of a similarity function and those of a linear classifier making
use of it. In this paper, we extend and complete this theory by providing a new
generalization bound for the associated classifier based on the algorithmic
robustness framework.
|
A la Carte - Learning Fast Kernels | Kernel methods have great promise for learning rich statistical
representations of large modern datasets. However, compared to neural networks,
kernel methods have been perceived as lacking in scalability and flexibility.
We introduce a family of fast, flexible, lightly parametrized and general
purpose kernel learning methods, derived from Fastfood basis function
expansions. We provide mechanisms to learn the properties of groups of spectral
frequencies in these expansions, which require only O(mlogd) time and O(m)
memory, for m basis functions and d input dimensions. We show that the proposed
methods can learn a wide class of kernels, outperforming the alternatives in
accuracy, speed, and memory consumption.
|
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.