title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Detecting Epileptic Seizures from EEG Data using Neural Networks | We explore the use of neural networks trained with dropout in predicting
epileptic seizures from electroencephalographic data (scalp EEG). The input to
the neural network is a 126 feature vector containing 9 features for each of
the 14 EEG channels obtained over 1-second, non-overlapping windows. The models
in our experiments achieved high sensitivity and specificity on patient records
not used in the training process. This is demonstrated using
leave-one-out-cross-validation across patient records, where we hold out one
patient's record as the test set and use all other patients' records for
training; repeating this procedure for all patients in the database.
|
Cauchy Principal Component Analysis | Principal Component Analysis (PCA) has wide applications in machine learning,
text mining and computer vision. Classical PCA based on a Gaussian noise model
is fragile to noise of large magnitude. Laplace noise assumption based PCA
methods cannot deal with dense noise effectively. In this paper, we propose
Cauchy Principal Component Analysis (Cauchy PCA), a very simple yet effective
PCA method which is robust to various types of noise. We utilize Cauchy
distribution to model noise and derive Cauchy PCA under the maximum likelihood
estimation (MLE) framework with low rank constraint. Our method can robustly
estimate the low rank matrix regardless of whether noise is large or small,
dense or sparse. We analyze the robustness of Cauchy PCA from a robust
statistics view and present an efficient singular value projection optimization
method. Experimental results on both simulated data and real applications
demonstrate the robustness of Cauchy PCA to various noise patterns.
|
Score Function Features for Discriminative Learning | 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.
|
Qualitatively characterizing neural network optimization problems | Training neural networks involves solving large-scale non-convex optimization
problems. This task has long been believed to be extremely difficult, with fear
of local minima and other obstacles motivating a variety of schemes to improve
optimization, such as unsupervised pretraining. However, modern neural networks
are able to achieve negligible training error on complex tasks, using only
direct training with stochastic gradient descent. We introduce a simple
analysis technique to look for evidence that such networks are overcoming local
optima. We find that, in fact, on a straight path from initialization to
solution, a variety of state of the art neural networks never encounter any
significant obstacles.
|
Fast Label Embeddings via Randomized Linear Algebra | Many modern multiclass and multilabel problems are characterized by
increasingly large output spaces. For these problems, label embeddings have
been shown to be a useful primitive that can improve computational and
statistical efficiency. In this work we utilize a correspondence between rank
constrained estimation and low dimensional label embeddings that uncovers a
fast label embedding algorithm which works in both the multiclass and
multilabel settings. The result is a randomized algorithm whose running time is
exponentially faster than naive algorithms. We demonstrate our techniques on
two large-scale public datasets, from the Large Scale Hierarchical Text
Challenge and the Open Directory Project, where we obtain state of the art
results.
|
FitNets: Hints for Thin Deep Nets | While depth tends to improve network performances, it also makes
gradient-based training more difficult since deeper networks tend to be more
non-linear. The recently proposed knowledge distillation approach is aimed at
obtaining small and fast-to-execute models, and it has shown that a student
network could imitate the soft output of a larger teacher network or ensemble
of networks. In this paper, we extend this idea to allow the training of a
student that is deeper and thinner than the teacher, using not only the outputs
but also the intermediate representations learned by the teacher as hints to
improve the training process and final performance of the student. Because the
student intermediate hidden layer will generally be smaller than the teacher's
intermediate hidden layer, additional parameters are introduced to map the
student hidden layer to the prediction of the teacher hidden layer. This allows
one to train deeper students that can generalize better or run faster, a
trade-off that is controlled by the chosen student capacity. For example, on
CIFAR-10, a deep student network with almost 10.4 times less parameters
outperforms a larger, state-of-the-art teacher network.
|
Speeding-up Convolutional Neural Networks Using Fine-tuned
CP-Decomposition | We propose a simple two-step approach for speeding up convolution layers
within large convolutional neural networks based on tensor decomposition and
discriminative fine-tuning. Given a layer, we use non-linear least squares to
compute a low-rank CP-decomposition of the 4D convolution kernel tensor into a
sum of a small number of rank-one tensors. At the second step, this
decomposition is used to replace the original convolutional layer with a
sequence of four convolutional layers with small kernels. After such
replacement, the entire network is fine-tuned on the training data using
standard backpropagation process.
We evaluate this approach on two CNNs and show that it is competitive with
previous approaches, leading to higher obtained CPU speedups at the cost of
lower accuracy drops for the smaller of the two networks. Thus, for the
36-class character classification CNN, our approach obtains a 8.5x CPU speedup
of the whole network with only minor accuracy drop (1% from 91% to 90%). For
the standard ImageNet architecture (AlexNet), the approach speeds up the second
convolution layer by a factor of 4x at the cost of $1\%$ increase of the
overall top-5 classification error.
|
Random Walk Initialization for Training Very Deep Feedforward Networks | Training very deep networks is an important open problem in machine learning.
One of many difficulties is that the norm of the back-propagated error gradient
can grow or decay exponentially. Here we show that training very deep
feed-forward networks (FFNs) is not as difficult as previously thought. Unlike
when back-propagation is applied to a recurrent network, application to an FFN
amounts to multiplying the error gradient by a different random matrix at each
layer. We show that the successive application of correctly scaled random
matrices to an initial vector results in a random walk of the log of the norm
of the resulting vectors, and we compute the scaling that makes this walk
unbiased. The variance of the random walk grows only linearly with network
depth and is inversely proportional to the size of each layer. Practically,
this implies a gradient whose log-norm scales with the square root of the
network depth and shows that the vanishing gradient problem can be mitigated by
increasing the width of the layers. Mathematical analyses and experimental
results using stochastic gradient descent to optimize tasks related to the
MNIST and TIMIT datasets are provided to support these claims. Equations for
the optimal matrix scaling are provided for the linear and ReLU cases.
|
Self-informed neural network structure learning | We study the problem of large scale, multi-label visual recognition with a
large number of possible classes. We propose a method for augmenting a trained
neural network classifier with auxiliary capacity in a manner designed to
significantly improve upon an already well-performing model, while minimally
impacting its computational footprint. Using the predictions of the network
itself as a descriptor for assessing visual similarity, we define a
partitioning of the label space into groups of visually similar entities. We
then augment the network with auxilliary hidden layer pathways with
connectivity only to these groups of label units. We report a significant
improvement in mean average precision on a large-scale object recognition task
with the augmented model, while increasing the number of multiply-adds by less
than 3%.
|
Move Evaluation in Go Using Deep Convolutional Neural Networks | The game of Go is more challenging than other board games, due to the
difficulty of constructing a position or move evaluation function. In this
paper we investigate whether deep convolutional networks can be used to
directly represent and learn this knowledge. We train a large 12-layer
convolutional neural network by supervised learning from a database of human
professional games. The network correctly predicts the expert move in 55% of
positions, equalling the accuracy of a 6 dan human player. When the trained
convolutional network was used directly to play games of Go, without any
search, it beat the traditional search program GnuGo in 97% of games, and
matched the performance of a state-of-the-art Monte-Carlo tree search that
simulates a million positions per move.
|
Improving zero-shot learning by mitigating the hubness problem | The zero-shot paradigm exploits vector-based word representations extracted
from text corpora with unsupervised methods to learn general mapping functions
from other feature spaces onto word space, where the words associated to the
nearest neighbours of the mapped vectors are used as their linguistic labels.
We show that the neighbourhoods of the mapped elements are strongly polluted by
hubs, vectors that tend to be near a high proportion of items, pushing their
correct labels down the neighbour list. After illustrating the problem
empirically, we propose a simple method to correct it by taking the proximity
distribution of potential neighbours across many mapped vectors into account.
We show that this correction leads to consistent improvements in realistic
zero-shot experiments in the cross-lingual, image labeling and image retrieval
domains.
|
Explaining and Harnessing Adversarial Examples | Several machine learning models, including neural networks, consistently
misclassify adversarial examples---inputs formed by applying small but
intentionally worst-case perturbations to examples from the dataset, such that
the perturbed input results in the model outputting an incorrect answer with
high confidence. Early attempts at explaining this phenomenon focused on
nonlinearity and overfitting. We argue instead that the primary cause of neural
networks' vulnerability to adversarial perturbation is their linear nature.
This explanation is supported by new quantitative results while giving the
first explanation of the most intriguing fact about them: their generalization
across architectures and training sets. Moreover, this view yields a simple and
fast method of generating adversarial examples. Using this approach to provide
examples for adversarial training, we reduce the test set error of a maxout
network on the MNIST dataset.
|
Modeling Compositionality with Multiplicative Recurrent Neural Networks | We present the multiplicative recurrent neural network as a general model for
compositional meaning in language, and evaluate it on the task of fine-grained
sentiment analysis. We establish a connection to the previously investigated
matrix-space models for compositionality, and show they are special cases of
the multiplicative recurrent net. Our experiments show that these models
perform comparably or better than Elman-type additive recurrent neural networks
and outperform matrix-space models on a standard fine-grained sentiment
analysis corpus. Furthermore, they yield comparable results to structural deep
models on the recently published Stanford Sentiment Treebank without the need
for generating parse trees.
|
Variational Recurrent Auto-Encoders | In this paper we propose a model that combines the strengths of RNNs and
SGVB: the Variational Recurrent Auto-Encoder (VRAE). Such a model can be used
for efficient, large scale unsupervised learning on time series data, mapping
the time series data to a latent vector representation. The model is
generative, such that data can be generated from samples of the latent space.
An important contribution of this work is that the model can make use of
unlabeled data in order to facilitate supervised training of RNNs by
initialising the weights and network state.
|
Discovering Hidden Factors of Variation in Deep Networks | Deep learning has enjoyed a great deal of success because of its ability to
learn useful features for tasks such as classification. But there has been less
exploration in learning the factors of variation apart from the classification
signal. By augmenting autoencoders with simple regularization terms during
training, we demonstrate that standard deep architectures can discover and
explicitly represent factors of variation beyond those relevant for
categorization. We introduce a cross-covariance penalty (XCov) as a method to
disentangle factors like handwriting style for digits and subject identity in
faces. We demonstrate this on the MNIST handwritten digit database, the Toronto
Faces Database (TFD) and the Multi-PIE dataset by generating manipulated
instances of the data. Furthermore, we demonstrate these deep networks can
extrapolate `hidden' variation in the supervised signal.
|
A deep-structured fully-connected random field model for structured
inference | There has been significant interest in the use of fully-connected graphical
models and deep-structured graphical models for the purpose of structured
inference. However, fully-connected and deep-structured graphical models have
been largely explored independently, leaving the unification of these two
concepts ripe for exploration. A fundamental challenge with unifying these two
types of models is in dealing with computational complexity. In this study, we
investigate the feasibility of unifying fully-connected and deep-structured
models in a computationally tractable manner for the purpose of structured
inference. To accomplish this, we introduce a deep-structured fully-connected
random field (DFRF) model that integrates a series of intermediate sparse
auto-encoding layers placed between state layers to significantly reduce
computational complexity. The problem of image segmentation was used to
illustrate the feasibility of using the DFRF for structured inference in a
computationally tractable manner. Results in this study show that it is
feasible to unify fully-connected and deep-structured models in a
computationally tractable manner for solving structured inference problems such
as image segmentation.
|
Training Deep Neural Networks on Noisy Labels with Bootstrapping | Current state-of-the-art deep learning systems for visual object recognition
and detection use purely supervised training with regularization such as
dropout to avoid overfitting. The performance depends critically on the amount
of labeled examples, and in current practice the labels are assumed to be
unambiguous and accurate. However, this assumption often does not hold; e.g. in
recognition, class labels may be missing; in detection, objects in the image
may not be localized; and in general, the labeling may be subjective. In this
work we propose a generic way to handle noisy and incomplete labeling by
augmenting the prediction objective with a notion of consistency. We consider a
prediction consistent if the same prediction is made given similar percepts,
where the notion of similarity is between deep network features computed from
the input data. In experiments we demonstrate that our approach yields
substantial robustness to label noise on several datasets. On MNIST handwritten
digits, we show that our model is robust to label corruption. On the Toronto
Face Database, we show that our model handles well the case of subjective
labels in emotion recognition, achieving state-of-the- art results, and can
also benefit from unlabeled face images with no modification to our method. On
the ILSVRC2014 detection challenge data, we show that our approach extends to
very deep networks, high resolution images and structured outputs, and results
in improved scalable detection.
|
An Analysis of Unsupervised Pre-training in Light of Recent Advances | Convolutional neural networks perform well on object recognition because of a
number of recent advances: rectified linear units (ReLUs), data augmentation,
dropout, and large labelled datasets. Unsupervised data has been proposed as
another way to improve performance. Unfortunately, unsupervised pre-training is
not used by state-of-the-art methods leading to the following question: Is
unsupervised pre-training still useful given recent advances? If so, when? We
answer this in three parts: we 1) develop an unsupervised method that
incorporates ReLUs and recent unsupervised regularization techniques, 2)
analyze the benefits of unsupervised pre-training compared to data augmentation
and dropout on CIFAR-10 while varying the ratio of unsupervised to supervised
samples, 3) verify our findings on STL-10. We discover unsupervised
pre-training, as expected, helps when the ratio of unsupervised to supervised
samples is high, and surprisingly, hurts when the ratio is low. We also use
unsupervised pre-training with additional color augmentation to achieve near
state-of-the-art performance on STL-10.
|
Automatic Discovery and Optimization of Parts for Image Classification | Part-based representations have been shown to be very useful for image
classification. Learning part-based models is often viewed as a two-stage
problem. First, a collection of informative parts is discovered, using
heuristics that promote part distinctiveness and diversity, and then
classifiers are trained on the vector of part responses. In this paper we unify
the two stages and learn the image classifiers and a set of shared parts
jointly. We generate an initial pool of parts by randomly sampling part
candidates and selecting a good subset using L1/L2 regularization. All steps
are driven "directly" by the same objective namely the classification loss on a
training set. This lets us do away with engineered heuristics. We also
introduce the notion of "negative parts", intended as parts that are negatively
correlated with one or more classes. Negative parts are complementary to the
parts discovered by other methods, which look only for positive correlations.
|
Hot Swapping for Online Adaptation of Optimization Hyperparameters | We describe a general framework for online adaptation of optimization
hyperparameters by `hot swapping' their values during learning. We investigate
this approach in the context of adaptive learning rate selection using an
explore-exploit strategy from the multi-armed bandit literature. Experiments on
a benchmark neural network show that the hot swapping approach leads to
consistently better solutions compared to well-known alternatives such as
AdaDelta and stochastic gradient with exhaustive hyperparameter search.
|
Using Neural Networks for Click Prediction of Sponsored Search | Sponsored search is a multi-billion dollar industry and makes up a major
source of revenue for search engines (SE). click-through-rate (CTR) estimation
plays a crucial role for ads selection, and greatly affects the SE revenue,
advertiser traffic and user experience. We propose a novel architecture for
solving CTR prediction problem by combining artificial neural networks (ANN)
with decision trees. First we compare ANN with respect to other popular machine
learning models being used for this task. Then we go on to combine ANN with
MatrixNet (proprietary implementation of boosted trees) and evaluate the
performance of the system as a whole. The results show that our approach
provides significant improvement over existing models.
|
Video (language) modeling: a baseline for generative models of natural
videos | We propose a strong baseline model for unsupervised feature learning using
video data. By learning to predict missing frames or extrapolate future frames
from an input video sequence, the model discovers both spatial and temporal
correlations which are useful to represent complex deformations and motion
patterns. The models we propose are largely borrowed from the language modeling
literature, and adapted to the vision domain by quantizing the space of image
patches into a large dictionary. We demonstrate the approach on both a filling
and a generation task. For the first time, we show that, after training on
natural videos, such a model can predict non-trivial motions over short video
sequences.
|
Competing with the Empirical Risk Minimizer in a Single Pass | In many estimation problems, e.g. linear and logistic regression, we wish to
minimize an unknown objective given only unbiased samples of the objective
function. Furthermore, we aim to achieve this using as few samples as possible.
In the absence of computational constraints, the minimizer of a sample average
of observed data -- commonly referred to as either the empirical risk minimizer
(ERM) or the $M$-estimator -- is widely regarded as the estimation strategy of
choice due to its desirable statistical convergence properties. Our goal in
this work is to perform as well as the ERM, on every problem, while minimizing
the use of computational resources such as running time and space usage.
We provide a simple streaming algorithm which, under standard regularity
assumptions on the underlying problem, enjoys the following properties:
* The algorithm can be implemented in linear time with a single pass of the
observed data, using space linear in the size of a single sample.
* The algorithm achieves the same statistical rate of convergence as the
empirical risk minimizer on every problem, even considering constant factors.
* The algorithm's performance depends on the initial error at a rate that
decreases super-polynomially.
* The algorithm is easily parallelizable.
Moreover, we quantify the (finite-sample) rate at which the algorithm becomes
competitive with the ERM.
|
Scoring and Classifying with Gated Auto-encoders | Auto-encoders are perhaps the best-known non-probabilistic methods for
representation learning. They are conceptually simple and easy to train. Recent
theoretical work has shed light on their ability to capture manifold structure,
and drawn connections to density modelling. This has motivated researchers to
seek ways of auto-encoder scoring, which has furthered their use in
classification. Gated auto-encoders (GAEs) are an interesting and flexible
extension of auto-encoders which can learn transformations among different
images or pixel covariances within images. However, they have been much less
studied, theoretically or empirically. In this work, we apply a dynamical
systems view to GAEs, deriving a scoring function, and drawing connections to
Restricted Boltzmann Machines. On a set of deep learning benchmarks, we also
demonstrate their effectiveness for single and multi-label classification.
|
In Search of the Real Inductive Bias: On the Role of Implicit
Regularization in Deep Learning | We present experiments demonstrating that some other form of capacity
control, different from network size, plays a central role in learning
multilayer feed-forward networks. We argue, partially through analogy to matrix
factorization, that this is an inductive bias that can help shed light on deep
learning.
|
Explorations on high dimensional landscapes | Finding minima of a real valued non-convex function over a high dimensional
space is a major challenge in science. We provide evidence that some such
functions that are defined on high dimensional domains have a narrow band of
values whose pre-image contains the bulk of its critical points. This is in
contrast with the low dimensional picture in which this band is wide. Our
simulations agree with the previous theoretical work on spin glasses that
proves the existence of such a band when the dimension of the domain tends to
infinity. Furthermore our experiments on teacher-student networks with the
MNIST dataset establish a similar phenomenon in deep networks. We finally
observe that both the gradient descent and the stochastic gradient descent
methods can reach this level within the same number of steps.
|
Outperforming Word2Vec on Analogy Tasks with Random Projections | We present a distributed vector representation based on a simplification of
the BEAGLE system, designed in the context of the Sigma cognitive architecture.
Our method does not require gradient-based training of neural networks, matrix
decompositions as with LSA, or convolutions as with BEAGLE. All that is
involved is a sum of random vectors and their pointwise products. Despite the
simplicity of this technique, it gives state-of-the-art results on analogy
problems, in most cases better than Word2Vec. To explain this success, we
interpret it as a dimension reduction via random projection.
|
Understanding Minimum Probability Flow for RBMs Under Various Kinds of
Dynamics | Energy-based models are popular in machine learning due to the elegance of
their formulation and their relationship to statistical physics. Among these,
the Restricted Boltzmann Machine (RBM), and its staple training algorithm
contrastive divergence (CD), have been the prototype for some recent
advancements in the unsupervised training of deep neural networks. However, CD
has limited theoretical motivation, and can in some cases produce undesirable
behavior. Here, we investigate the performance of Minimum Probability Flow
(MPF) learning for training RBMs. Unlike CD, with its focus on approximating an
intractable partition function via Gibbs sampling, MPF proposes a tractable,
consistent, objective function defined in terms of a Taylor expansion of the KL
divergence with respect to sampling dynamics. Here we propose a more general
form for the sampling dynamics in MPF, and explore the consequences of
different choices for these dynamics for training RBMs. Experimental results
show MPF outperforming CD for various RBM configurations.
|
Permutohedral Lattice CNNs | This paper presents a convolutional layer that is able to process sparse
input features. As an example, for image recognition problems this allows an
efficient filtering of signals that do not lie on a dense grid (like pixel
position), but of more general features (such as color values). The presented
algorithm makes use of the permutohedral lattice data structure. The
permutohedral lattice was introduced to efficiently implement a bilateral
filter, a commonly used image processing operation. Its use allows for a
generalization of the convolution type found in current (spatial) convolutional
network architectures.
|
Why does Deep Learning work? - A perspective from Group Theory | Why does Deep Learning work? What representations does it capture? How do
higher-order representations emerge? We study these questions from the
perspective of group theory, thereby opening a new approach towards a theory of
Deep learning.
One factor behind the recent resurgence of the subject is a key algorithmic
step called pre-training: first search for a good generative model for the
input samples, and repeat the process one layer at a time. We show deeper
implications of this simple principle, by establishing a connection with the
interplay of orbits and stabilizers of group actions. Although the neural
networks themselves may not form groups, we show the existence of {\em shadow}
groups whose elements serve as close approximations.
Over the shadow groups, the pre-training step, originally introduced as a
mechanism to better initialize a network, becomes equivalent to a search for
features with minimal orbits. Intuitively, these features are in a way the {\em
simplest}. Which explains why a deep learning network learns simple features
first. Next, we show how the same principle, when repeated in the deeper
layers, can capture higher order representations, and why representation
complexity increases as the layers get deeper.
|
Deep metric learning using Triplet network | Deep learning has proven itself as a successful set of models for learning
useful semantic representations of data. These, however, are mostly implicitly
learned as part of a classification task. In this paper we propose the triplet
network model, which aims to learn useful representations by distance
comparisons. A similar model was defined by Wang et al. (2014), tailor made for
learning a ranking for image information retrieval. Here we demonstrate using
various datasets that our model learns a better representation than that of its
immediate competitor, the Siamese network. We also discuss future possible
usage as a framework for unsupervised learning.
|
Word Representations via Gaussian Embedding | Current work in lexical distributed representations maps each word to a point
vector in low-dimensional space. Mapping instead to a density provides many
interesting advantages, including better capturing uncertainty about a
representation and its relationships, expressing asymmetries more naturally
than dot product or cosine similarity, and enabling more expressive
parameterization of decision boundaries. This paper advocates for density-based
distributed embeddings and presents a method for learning representations in
the space of Gaussian distributions. We compare performance on various word
embedding benchmarks, investigate the ability of these embeddings to model
entailment and other asymmetric relationships, and explore novel properties of
the representation.
|
Neural Network Regularization via Robust Weight Factorization | Regularization is essential when training large neural networks. As deep
neural networks can be mathematically interpreted as universal function
approximators, they are effective at memorizing sampling noise in the training
data. This results in poor generalization to unseen data. Therefore, it is no
surprise that a new regularization technique, Dropout, was partially
responsible for the now-ubiquitous winning entry to ImageNet 2012 by the
University of Toronto. Currently, Dropout (and related methods such as
DropConnect) are the most effective means of regularizing large neural
networks. These amount to efficiently visiting a large number of related models
at training time, while aggregating them to a single predictor at test time.
The proposed FaMe model aims to apply a similar strategy, yet learns a
factorization of each weight matrix such that the factors are robust to noise.
|
Deep Captioning with Multimodal Recurrent Neural Networks (m-RNN) | In this paper, we present a multimodal Recurrent Neural Network (m-RNN) model
for generating novel image captions. It directly models the probability
distribution of generating a word given previous words and an image. Image
captions are generated by sampling from this distribution. The model consists
of two sub-networks: a deep recurrent neural network for sentences and a deep
convolutional network for images. These two sub-networks interact with each
other in a multimodal layer to form the whole m-RNN model. The effectiveness of
our model is validated on four benchmark datasets (IAPR TC-12, Flickr 8K,
Flickr 30K and MS COCO). Our model outperforms the state-of-the-art methods. In
addition, we apply the m-RNN model to retrieval tasks for retrieving images or
sentences, and achieves significant performance improvement over the
state-of-the-art methods which directly optimize the ranking objective function
for retrieval. The project page of this work is:
www.stat.ucla.edu/~junhua.mao/m-RNN.html .
|
Weakly Supervised Multi-Embeddings Learning of Acoustic Models | We trained a Siamese network with multi-task same/different information on a
speech dataset, and found that it was possible to share a network for both
tasks without a loss in performance. The first task was to discriminate between
two same or different words, and the second was to discriminate between two
same or different talkers.
|
Incremental Adaptation Strategies for Neural Network Language Models | It is today acknowledged that neural network language models outperform
backoff language models in applications like speech recognition or statistical
machine translation. However, training these models on large amounts of data
can take several days. We present efficient techniques to adapt a neural
network language model to new data. Instead of training a completely new model
or relying on mixture approaches, we propose two new methods: continued
training on resampled data or insertion of adaptation layers. We present
experimental results in an CAT environment where the post-edits of professional
translators are used to improve an SMT system. Both methods are very fast and
achieve significant improvements without overfitting the small adaptation data.
|
Deep learning with Elastic Averaging SGD | We study the problem of stochastic optimization for deep learning in the
parallel computing environment under communication constraints. A new algorithm
is proposed in this setting where the communication and coordination of work
among concurrent processes (local workers), is based on an elastic force which
links the parameters they compute with a center variable stored by the
parameter server (master). The algorithm enables the local workers to perform
more exploration, i.e. the algorithm allows the local variables to fluctuate
further from the center variable by reducing the amount of communication
between local workers and the master. We empirically demonstrate that in the
deep learning setting, due to the existence of many local optima, allowing more
exploration can lead to the improved performance. We propose synchronous and
asynchronous variants of the new algorithm. We provide the stability analysis
of the asynchronous variant in the round-robin scheme and compare it with the
more common parallelized method ADMM. We show that the stability of EASGD is
guaranteed when a simple stability condition is satisfied, which is not the
case for ADMM. We additionally propose the momentum-based version of our
algorithm that can be applied in both synchronous and asynchronous settings.
Asynchronous variant of the algorithm is applied to train convolutional neural
networks for image classification on the CIFAR and ImageNet datasets.
Experiments demonstrate that the new algorithm accelerates the training of deep
architectures compared to DOWNPOUR and other common baseline approaches and
furthermore is very communication efficient.
|
Implicit Temporal Differences | In reinforcement learning, the TD($\lambda$) algorithm is a fundamental
policy evaluation method with an efficient online implementation that is
suitable for large-scale problems. One practical drawback of TD($\lambda$) is
its sensitivity to the choice of the step-size. It is an empirically well-known
fact that a large step-size leads to fast convergence, at the cost of higher
variance and risk of instability. In this work, we introduce the implicit
TD($\lambda$) algorithm which has the same function and computational cost as
TD($\lambda$), but is significantly more stable. We provide a theoretical
explanation of this stability and an empirical evaluation of implicit
TD($\lambda$) on typical benchmark tasks. Our results show that implicit
TD($\lambda$) outperforms standard TD($\lambda$) and a state-of-the-art method
that automatically tunes the step-size, and thus shows promise for wide
applicability.
|
Locally Weighted Learning for Naive Bayes Classifier | As a consequence of the strong and usually violated conditional independence
assumption (CIA) of naive Bayes (NB) classifier, the performance of NB becomes
less and less favorable compared to sophisticated classifiers when the sample
size increases. We learn from this phenomenon that when the size of the
training data is large, we should either relax the assumption or apply NB to a
"reduced" data set, say for example use NB as a local model. The latter
approach trades the ignored information for the robustness to the model
assumption. In this paper, we consider using NB as a model for locally weighted
data. A special weighting function is designed so that if CIA holds for the
unweighted data, it also holds for the weighted data. The new method is
intuitive and capable of handling class imbalance. It is theoretically more
sound than the locally weighted learners of naive Bayes that base
classification only on the $k$ nearest neighbors. Empirical study shows that
the new method with appropriate choice of parameter outperforms seven existing
classifiers of similar nature.
|
Correlation of Data Reconstruction Error and Shrinkages in Pair-wise
Distances under Principal Component Analysis (PCA) | In this on-going work, I explore certain theoretical and empirical
implications of data transformations under the PCA. In particular, I state and
prove three theorems about PCA, which I paraphrase as follows: 1). PCA without
discarding eigenvector rows is injective, but looses this injectivity when
eigenvector rows are discarded 2). PCA without discarding eigen- vector rows
preserves pair-wise distances, but tends to cause pair-wise distances to shrink
when eigenvector rows are discarded. 3). For any pair of points, the shrinkage
in pair-wise distance is bounded above by an L1 norm reconstruction error
associated with the points. Clearly, 3). suggests that there might exist some
correlation between shrinkages in pair-wise distances and mean square
reconstruction error which is defined as the sum of those eigenvalues
associated with the discarded eigenvectors. I therefore decided to perform
numerical experiments to obtain the corre- lation between the sum of those
eigenvalues and shrinkages in pair-wise distances. In addition, I have also
performed some experiments to check respectively the effect of the sum of those
eigenvalues and the effect of the shrinkages on classification accuracies under
the PCA map. So far, I have obtained the following results on some publicly
available data from the UCI Machine Learning Repository: 1). There seems to be
a strong cor- relation between the sum of those eigenvalues associated with
discarded eigenvectors and shrinkages in pair-wise distances. 2). Neither the
sum of those eigenvalues nor pair-wise distances have any strong correlations
with classification accuracies. 1
|
Principal Sensitivity Analysis | We present a novel algorithm (Principal Sensitivity Analysis; PSA) to analyze
the knowledge of the classifier obtained from supervised machine learning
techniques. In particular, we define principal sensitivity map (PSM) as the
direction on the input space to which the trained classifier is most sensitive,
and use analogously defined k-th PSM to define a basis for the input space. We
train neural networks with artificial data and real data, and apply the
algorithm to the obtained supervised classifiers. We then visualize the PSMs to
demonstrate the PSA's ability to decompose the knowledge acquired by the
trained classifiers.
|
Striving for Simplicity: The All Convolutional Net | Most modern convolutional neural networks (CNNs) used for object recognition
are built using the same principles: Alternating convolution and max-pooling
layers followed by a small number of fully connected layers. We re-evaluate the
state of the art for object recognition from small images with convolutional
networks, questioning the necessity of different components in the pipeline. We
find that max-pooling can simply be replaced by a convolutional layer with
increased stride without loss in accuracy on several image recognition
benchmarks. Following this finding -- and building on other recent work for
finding simple network structures -- we propose a new architecture that
consists solely of convolutional layers and yields competitive or state of the
art performance on several object recognition datasets (CIFAR-10, CIFAR-100,
ImageNet). To analyze the network we introduce a new variant of the
"deconvolution approach" for visualizing features learned by CNNs, which can be
applied to a broader range of network structures than existing approaches.
|
Learning the nonlinear geometry of high-dimensional data: Models and
algorithms | Modern information processing relies on the axiom that high-dimensional data
lie near low-dimensional geometric structures. This paper revisits the problem
of data-driven learning of these geometric structures and puts forth two new
nonlinear geometric models for data describing "related" objects/phenomena. The
first one of these models straddles the two extremes of the subspace model and
the union-of-subspaces model, and is termed the metric-constrained
union-of-subspaces (MC-UoS) model. The second one of these models---suited for
data drawn from a mixture of nonlinear manifolds---generalizes the kernel
subspace model, and is termed the metric-constrained kernel union-of-subspaces
(MC-KUoS) model. The main contributions of this paper in this regard include
the following. First, it motivates and formalizes the problems of MC-UoS and
MC-KUoS learning. Second, it presents algorithms that efficiently learn an
MC-UoS or an MC-KUoS underlying data of interest. Third, it extends these
algorithms to the case when parts of the data are missing. Last, but not least,
it reports the outcomes of a series of numerical experiments involving both
synthetic and real data that demonstrate the superiority of the proposed
geometric models and learning algorithms over existing approaches in the
literature. These experiments also help clarify the connections between this
work and the literature on (subspace and kernel k-means) clustering.
|
Extraction of Salient Sentences from Labelled Documents | We present a hierarchical convolutional document model with an architecture
designed to support introspection of the document structure. Using this model,
we show how to use visualisation techniques from the computer vision literature
to identify and extract topic-relevant sentences.
We also introduce a new scalable evaluation technique for automatic sentence
extraction systems that avoids the need for time consuming human annotation of
validation data.
|
A Stable Multi-Scale Kernel for Topological Machine Learning | Topological data analysis offers a rich source of valuable information to
study vision problems. Yet, so far we lack a theoretically sound connection to
popular kernel-based learning techniques, such as kernel SVMs or kernel PCA. In
this work, we establish such a connection by designing a multi-scale kernel for
persistence diagrams, a stable summary representation of topological features
in data. We show that this kernel is positive definite and prove its stability
with respect to the 1-Wasserstein distance. Experiments on two benchmark
datasets for 3D shape classification/retrieval and texture recognition show
considerable performance gains of the proposed method compared to an
alternative approach that is based on the recently introduced persistence
landscapes.
|
Learning Activation Functions to Improve Deep Neural Networks | Artificial neural networks typically have a fixed, non-linear activation
function at each neuron. We have designed a novel form of piecewise linear
activation function that is learned independently for each neuron using
gradient descent. With this adaptive activation function, we are able to
improve upon deep neural network architectures composed of static rectified
linear units, achieving state-of-the-art performance on CIFAR-10 (7.51%),
CIFAR-100 (30.83%), and a benchmark from high-energy physics involving Higgs
boson decay modes.
|
Contour Detection Using Cost-Sensitive Convolutional Neural Networks | We address the problem of contour detection via per-pixel classifications of
edge point. To facilitate the process, the proposed approach leverages with
DenseNet, an efficient implementation of multiscale convolutional neural
networks (CNNs), to extract an informative feature vector for each pixel and
uses an SVM classifier to accomplish contour detection. The main challenge lies
in adapting a pre-trained per-image CNN model for yielding per-pixel image
features. We propose to base on the DenseNet architecture to achieve pixelwise
fine-tuning and then consider a cost-sensitive strategy to further improve the
learning with a small dataset of edge and non-edge image patches. In the
experiment of contour detection, we look into the effectiveness of combining
per-pixel features from different CNN layers and obtain comparable performances
to the state-of-the-art on BSDS500.
|
On Learning Vector Representations in Hierarchical Label Spaces | An important problem in multi-label classification is to capture label
patterns or underlying structures that have an impact on such patterns. This
paper addresses one such problem, namely how to exploit hierarchical structures
over labels. We present a novel method to learn vector representations of a
label space given a hierarchy of labels and label co-occurrence patterns. Our
experimental results demonstrate qualitatively that the proposed method is able
to learn regularities among labels by exploiting a label hierarchy as well as
label co-occurrences. It highlights the importance of the hierarchical
information in order to obtain regularities which facilitate analogical
reasoning over a label space. We also experimentally illustrate the dependency
of the learned representations on the label hierarchy.
|
Half-CNN: A General Framework for Whole-Image Regression | The Convolutional Neural Network (CNN) has achieved great success in image
classification. The classification model can also be utilized at image or patch
level for many other applications, such as object detection and segmentation.
In this paper, we propose a whole-image CNN regression model, by removing the
full connection layer and training the network with continuous feature maps.
This is a generic regression framework that fits many applications. We
demonstrate this method through two tasks: simultaneous face detection &
segmentation, and scene saliency prediction. The result is comparable with
other models in the respective fields, using only a small scale network. Since
the regression model is trained on corresponding image / feature map pairs,
there are no requirements on uniform input size as opposed to the
classification model. Our framework avoids classifier design, a process that
may introduce too much manual intervention in model development. Yet, it is
highly correlated to the classification network and offers some in-deep review
of CNN structures.
|
Adam: A Method for Stochastic Optimization | We introduce Adam, an algorithm for first-order gradient-based optimization
of stochastic objective functions, based on adaptive estimates of lower-order
moments. The method is straightforward to implement, is computationally
efficient, has little memory requirements, is invariant to diagonal rescaling
of the gradients, and is well suited for problems that are large in terms of
data and/or parameters. The method is also appropriate for non-stationary
objectives and problems with very noisy and/or sparse gradients. The
hyper-parameters have intuitive interpretations and typically require little
tuning. Some connections to related algorithms, on which Adam was inspired, are
discussed. We also analyze the theoretical convergence properties of the
algorithm and provide a regret bound on the convergence rate that is comparable
to the best known results under the online convex optimization framework.
Empirical results demonstrate that Adam works well in practice and compares
favorably to other stochastic optimization methods. Finally, we discuss AdaMax,
a variant of Adam based on the infinity norm.
|
A Bayesian encourages dropout | Dropout is one of the key techniques to prevent the learning from
overfitting. It is explained that dropout works as a kind of modified L2
regularization. Here, we shed light on the dropout from Bayesian standpoint.
Bayesian interpretation enables us to optimize the dropout rate, which is
beneficial for learning of weight parameters and prediction after learning. The
experiment result also encourages the optimization of the dropout.
|
Tailoring Word Embeddings for Bilexical Predictions: An Experimental
Comparison | We investigate the problem of inducing word embeddings that are tailored for
a particular bilexical relation. Our learning algorithm takes an existing
lexical vector space and compresses it such that the resulting word embeddings
are good predictors for a target bilexical relation. In experiments we show
that task-specific embeddings can benefit both the quality and efficiency in
lexical prediction tasks.
|
Multi-modal Sensor Registration for Vehicle Perception via Deep Neural
Networks | The ability to simultaneously leverage multiple modes of sensor information
is critical for perception of an automated vehicle's physical surroundings.
Spatio-temporal alignment of registration of the incoming information is often
a prerequisite to analyzing the fused data. The persistence and reliability of
multi-modal registration is therefore the key to the stability of decision
support systems ingesting the fused information. LiDAR-video systems like on
those many driverless cars are a common example of where keeping the LiDAR and
video channels registered to common physical features is important. We develop
a deep learning method that takes multiple channels of heterogeneous data, to
detect the misalignment of the LiDAR-video inputs. A number of variations were
tested on the Ford LiDAR-video driving test data set and will be discussed. To
the best of our knowledge the use of multi-modal deep convolutional neural
networks for dynamic real-time LiDAR-video registration has not been presented.
|
Occlusion Edge Detection in RGB-D Frames using Deep Convolutional
Networks | Occlusion edges in images which correspond to range discontinuity in the
scene from the point of view of the observer are an important prerequisite for
many vision and mobile robot tasks. Although they can be extracted from range
data however extracting them from images and videos would be extremely
beneficial. We trained a deep convolutional neural network (CNN) to identify
occlusion edges in images and videos with both RGB-D and RGB inputs. The use of
CNN avoids hand-crafting of features for automatically isolating occlusion
edges and distinguishing them from appearance edges. Other than quantitative
occlusion edge detection results, qualitative results are provided to
demonstrate the trade-off between high resolution analysis and frame-level
computation time which is critical for real-time robotics applications.
|
Generative Class-conditional Autoencoders | Recent work by Bengio et al. (2013) proposes a sampling procedure for
denoising autoencoders which involves learning the transition operator of a
Markov chain. The transition operator is typically unimodal, which limits its
capacity to model complex data. In order to perform efficient sampling from
conditional distributions, we extend this work, both theoretically and
algorithmically, to gated autoencoders (Memisevic, 2013), The proposed model is
able to generate convincing class-conditional samples when trained on both the
MNIST and TFD datasets.
|
Audio Source Separation with Discriminative Scattering Networks | In this report we describe an ongoing line of research for solving
single-channel source separation problems. Many monaural signal decomposition
techniques proposed in the literature operate on a feature space consisting of
a time-frequency representation of the input data. A challenge faced by these
approaches is to effectively exploit the temporal dependencies of the signals
at scales larger than the duration of a time-frame. In this work we propose to
tackle this problem by modeling the signals using a time-frequency
representation with multiple temporal resolutions. The proposed representation
consists of a pyramid of wavelet scattering operators, which generalizes
Constant Q Transforms (CQT) with extra layers of convolution and complex
modulus. We first show that learning standard models with this multi-resolution
setting improves source separation results over fixed-resolution methods. As
study case, we use Non-Negative Matrix Factorizations (NMF) that has been
widely considered in many audio application. Then, we investigate the inclusion
of the proposed multi-resolution setting into a discriminative training regime.
We discuss several alternatives using different deep neural network
architectures.
|
Training deep neural networks with low precision multiplications | Multipliers are the most space and power-hungry arithmetic operators of the
digital implementation of deep neural networks. We train a set of
state-of-the-art neural networks (Maxout networks) on three benchmark datasets:
MNIST, CIFAR-10 and SVHN. They are trained with three distinct formats:
floating point, fixed point and dynamic fixed point. For each of those datasets
and for each of those formats, we assess the impact of the precision of the
multiplications on the final error after training. We find that very low
precision is sufficient not just for running trained networks but also for
training them. For example, it is possible to train Maxout networks with 10
bits multiplications.
|
Language Recognition using Random Indexing | Random Indexing is a simple implementation of Random Projections with a wide
range of applications. It can solve a variety of problems with good accuracy
without introducing much complexity. Here we use it for identifying the
language of text samples. We present a novel method of generating language
representation vectors using letter blocks. Further, we show that the method is
easily implemented and requires little computational power and space.
Experiments on a number of model parameters illustrate certain properties about
high dimensional sparse vector representations of data. Proof of statistically
relevant language vectors are shown through the extremely high success of
various language recognition tasks. On a difficult data set of 21,000 short
sentences from 21 different languages, our model performs a language
recognition task and achieves 97.8% accuracy, comparable to state-of-the-art
methods.
|
Joint RNN-Based Greedy Parsing and Word Composition | This paper introduces a greedy parser based on neural networks, which
leverages a new compositional sub-tree representation. The greedy parser and
the compositional procedure are jointly trained, and tightly depends on
each-other. The composition procedure outputs a vector representation which
summarizes syntactically (parsing tags) and semantically (words) sub-trees.
Composition and tagging is achieved over continuous (word or tag)
representations, and recurrent neural networks. We reach F1 performance on par
with well-known existing parsers, while having the advantage of speed, thanks
to the greedy nature of the parser. We provide a fully functional
implementation of the method described in this paper.
|
Attention for Fine-Grained Categorization | This paper presents experiments extending the work of Ba et al. (2014) on
recurrent neural models for attention into less constrained visual
environments, specifically fine-grained categorization on the Stanford Dogs
data set. In this work we use an RNN of the same structure but substitute a
more powerful visual network and perform large-scale pre-training of the visual
network outside of the attention RNN. Most work in attention models to date
focuses on tasks with toy or more constrained visual environments, whereas we
present results for fine-grained categorization better than the
state-of-the-art GoogLeNet classification model. We show that our model learns
to direct high resolution attention to the most discriminative regions without
any spatial supervision such as bounding boxes, and it is able to discriminate
fine-grained dog breeds moderately well even when given only an initial
low-resolution context image and narrow, inexpensive glimpses at faces and fur
patterns. This and similar attention models have the major advantage of being
trained end-to-end, as opposed to other current detection and recognition
pipelines with hand-engineered components where information is lost. While our
model is state-of-the-art, further work is needed to fully leverage the
sequential input.
|
Clustering multi-way data: a novel algebraic approach | In this paper, we develop a method for unsupervised clustering of two-way
(matrix) data by combining two recent innovations from different fields: the
Sparse Subspace Clustering (SSC) algorithm [10], which groups points coming
from a union of subspaces into their respective subspaces, and the t-product
[18], which was introduced to provide a matrix-like multiplication for third
order tensors. Our algorithm is analogous to SSC in that an "affinity" between
different data points is built using a sparse self-representation of the data.
Unlike SSC, we employ the t-product in the self-representation. This allows us
more flexibility in modeling; infact, SSC is a special case of our method. When
using the t-product, three-way arrays are treated as matrices whose elements
(scalars) are n-tuples or tubes. Convolutions take the place of scalar
multiplication. This framework allows us to embed the 2-D data into a
vector-space-like structure called a free module over a commutative ring. These
free modules retain many properties of complex inner-product spaces, and we
leverage that to provide theoretical guarantees on our algorithm. We show that
compared to vector-space counterparts, SSmC achieves higher accuracy and better
able to cluster data with less preprocessing in some image clustering problems.
In particular we show the performance of the proposed method on Weizmann face
database, the Extended Yale B Face database and the MNIST handwritten digits
database.
|
Semantic Image Segmentation with Deep Convolutional Nets and Fully
Connected CRFs | Deep Convolutional Neural Networks (DCNNs) have recently shown state of the
art performance in high level vision tasks, such as image classification and
object detection. This work brings together methods from DCNNs and
probabilistic graphical models for addressing the task of pixel-level
classification (also called "semantic image segmentation"). We show that
responses at the final layer of DCNNs are not sufficiently localized for
accurate object segmentation. This is due to the very invariance properties
that make DCNNs good for high level tasks. We overcome this poor localization
property of deep networks by combining the responses at the final DCNN layer
with a fully connected Conditional Random Field (CRF). Qualitatively, our
"DeepLab" system is able to localize segment boundaries at a level of accuracy
which is beyond previous methods. Quantitatively, our method sets the new
state-of-art at the PASCAL VOC-2012 semantic image segmentation task, reaching
71.6% IOU accuracy in the test set. We show how these results can be obtained
efficiently: Careful network re-purposing and a novel application of the 'hole'
algorithm from the wavelet community allow dense computation of neural net
responses at 8 frames per second on a modern GPU.
|
Diverse Embedding Neural Network Language Models | We propose Diverse Embedding Neural Network (DENN), a novel architecture for
language models (LMs). A DENNLM projects the input word history vector onto
multiple diverse low-dimensional sub-spaces instead of a single
higher-dimensional sub-space as in conventional feed-forward neural network
LMs. We encourage these sub-spaces to be diverse during network training
through an augmented loss function. Our language modeling experiments on the
Penn Treebank data set show the performance benefit of using a DENNLM.
|
Efficient Exact Gradient Update for training Deep Networks with Very
Large Sparse Targets | An important class of problems involves training deep neural networks with
sparse prediction targets of very high dimension D. These occur naturally in
e.g. neural language models or the learning of word-embeddings, often posed as
predicting the probability of next words among a vocabulary of size D (e.g. 200
000). Computing the equally large, but typically non-sparse D-dimensional
output vector from a last hidden layer of reasonable dimension d (e.g. 500)
incurs a prohibitive O(Dd) computational cost for each example, as does
updating the D x d output weight matrix and computing the gradient needed for
backpropagation to previous layers. While efficient handling of large sparse
network inputs is trivial, the case of large sparse targets is not, and has
thus so far been sidestepped with approximate alternatives such as hierarchical
softmax or sampling-based approximations during training. In this work we
develop an original algorithmic approach which, for a family of loss functions
that includes squared error and spherical softmax, can compute the exact loss,
gradient update for the output weights, and gradient for backpropagation, all
in O(d^2) per example instead of O(Dd), remarkably without ever computing the
D-dimensional output. The proposed algorithm yields a speedup of D/4d , i.e.
two orders of magnitude for typical sizes, for that critical part of the
computations that often dominates the training time in this kind of network
architecture.
|
Learning linearly separable features for speech recognition using
convolutional neural networks | Automatic speech recognition systems usually rely on spectral-based features,
such as MFCC of PLP. These features are extracted based on prior knowledge such
as, speech perception or/and speech production. Recently, convolutional neural
networks have been shown to be able to estimate phoneme conditional
probabilities in a completely data-driven manner, i.e. using directly temporal
raw speech signal as input. This system was shown to yield similar or better
performance than HMM/ANN based system on phoneme recognition task and on large
scale continuous speech recognition task, using less parameters. Motivated by
these studies, we investigate the use of simple linear classifier in the
CNN-based framework. Thus, the network learns linearly separable features from
raw speech. We show that such system yields similar or better performance than
MLP based system using cepstral-based features as input.
|
Learning Deep Object Detectors from 3D Models | Crowdsourced 3D CAD models are becoming easily accessible online, and can
potentially generate an infinite number of training images for almost any
object category.We show that augmenting the training data of contemporary Deep
Convolutional Neural Net (DCNN) models with such synthetic data can be
effective, especially when real training data is limited or not well matched to
the target domain. Most freely available CAD models capture 3D shape but are
often missing other low level cues, such as realistic object texture, pose, or
background. In a detailed analysis, we use synthetic CAD-rendered images to
probe the ability of DCNN to learn without these cues, with surprising
findings. In particular, we show that when the DCNN is fine-tuned on the target
detection task, it exhibits a large degree of invariance to missing low-level
cues, but, when pretrained on generic ImageNet classification, it learns better
when the low-level cues are simulated. We show that our synthetic DCNN training
approach significantly outperforms previous methods on the PASCAL VOC2007
dataset when learning in the few-shot scenario and improves performance in a
domain shift scenario on the Office benchmark.
|
Fully Convolutional Multi-Class Multiple Instance Learning | Multiple instance learning (MIL) can reduce the need for costly annotation in
tasks such as semantic segmentation by weakening the required degree of
supervision. We propose a novel MIL formulation of multi-class semantic
segmentation learning by a fully convolutional network. In this setting, we
seek to learn a semantic segmentation model from just weak image-level labels.
The model is trained end-to-end to jointly optimize the representation while
disambiguating the pixel-image label assignment. Fully convolutional training
accepts inputs of any size, does not need object proposal pre-processing, and
offers a pixelwise loss map for selecting latent instances. Our multi-class MIL
loss exploits the further supervision given by images with multiple labels. We
evaluate this approach through preliminary experiments on the PASCAL VOC
segmentation challenge.
|
Deep Fried Convnets | The fully connected layers of a deep convolutional neural network typically
contain over 90% of the network parameters, and consume the majority of the
memory required to store the network parameters. Reducing the number of
parameters while preserving essentially the same predictive performance is
critically important for operating deep neural networks in memory constrained
environments such as GPUs or embedded devices.
In this paper we show how kernel methods, in particular a single Fastfood
layer, can be used to replace all fully connected layers in a deep
convolutional neural network. This novel Fastfood layer is also end-to-end
trainable in conjunction with convolutional layers, allowing us to combine them
into a new architecture, named deep fried convolutional networks, which
substantially reduces the memory footprint of convolutional networks trained on
MNIST and ImageNet with no drop in predictive performance.
|
Learning Compact Convolutional Neural Networks with Nested Dropout | Recently, nested dropout was proposed as a method for ordering representation
units in autoencoders by their information content, without diminishing
reconstruction cost. However, it has only been applied to training
fully-connected autoencoders in an unsupervised setting. We explore the impact
of nested dropout on the convolutional layers in a CNN trained by
backpropagation, investigating whether nested dropout can provide a simple and
systematic way to determine the optimal representation size with respect to the
desired accuracy and desired task and data complexity.
|
Representation Learning for cold-start recommendation | A standard approach to Collaborative Filtering (CF), i.e. prediction of user
ratings on items, relies on Matrix Factorization techniques. Representations
for both users and items are computed from the observed ratings and used for
prediction. Unfortunatly, these transductive approaches cannot handle the case
of new users arriving in the system, with no known rating, a problem known as
user cold-start. A common approach in this context is to ask these incoming
users for a few initialization ratings. This paper presents a model to tackle
this twofold problem of (i) finding good questions to ask, (ii) building
efficient representations from this small amount of information. The model can
also be used in a more standard (warm) context. Our approach is evaluated on
the classical CF problem and on the cold-start problem on four different
datasets showing its ability to improve baseline performance in both cases.
|
Bayesian Optimisation for Machine Translation | This paper presents novel Bayesian optimisation algorithms for minimum error
rate training of statistical machine translation systems. We explore two
classes of algorithms for efficiently exploring the translation space, with the
first based on N-best lists and the second based on a hypergraph representation
that compactly represents an exponential number of translation options. Our
algorithms exhibit faster convergence and are capable of obtaining lower error
rates than the existing translation model specific approaches, all within a
generic Bayesian optimisation framework. Further more, we also introduce a
random embedding algorithm to scale our approach to sparse high dimensional
feature sets.
|
Convolutional Neural Networks for joint object detection and pose
estimation: A comparative study | In this paper we study the application of convolutional neural networks for
jointly detecting objects depicted in still images and estimating their 3D
pose. We identify different feature representations of oriented objects, and
energies that lead a network to learn this representations. The choice of the
representation is crucial since the pose of an object has a natural, continuous
structure while its category is a discrete variable. We evaluate the different
approaches on the joint object detection and pose estimation task of the
Pascal3D+ benchmark using Average Viewpoint Precision. We show that a
classification approach on discretized viewpoints achieves state-of-the-art
performance for joint object detection and pose estimation, and significantly
outperforms existing baselines on this benchmark.
|
Audio Source Separation Using a Deep Autoencoder | This paper proposes a novel framework for unsupervised audio source
separation using a deep autoencoder. The characteristics of unknown source
signals mixed in the mixed input is automatically by properly configured
autoencoders implemented by a network with many layers, and separated by
clustering the coefficient vectors in the code layer. By investigating the
weight vectors to the final target, representation layer, the primitive
components of the audio signals in the frequency domain are observed. By
clustering the activation coefficients in the code layer, the previously
unknown source signals are segregated. The original source sounds are then
separated and reconstructed by using code vectors which belong to different
clusters. The restored sounds are not perfect but yield promising results for
the possibility in the success of many practical applications.
|
Denoising autoencoder with modulated lateral connections learns
invariant representations of natural images | Suitable lateral connections between encoder and decoder are shown to allow
higher layers of a denoising autoencoder (dAE) to focus on invariant
representations. In regular autoencoders, detailed information needs to be
carried through the highest layers but lateral connections from encoder to
decoder relieve this pressure. It is shown that abstract invariant features can
be translated to detailed reconstructions when invariant features are allowed
to modulate the strength of the lateral connection. Three dAE structures with
modulated and additive lateral connections, and without lateral connections
were compared in experiments using real-world images. The experiments verify
that adding modulated lateral connections to the model 1) improves the accuracy
of the probability model for inputs, as measured by denoising performance; 2)
results in representations whose degree of invariance grows faster towards the
higher layers; and 3) supports the formation of diverse invariant poolings.
|
Online Distributed Optimization on Dynamic Networks | This paper presents a distributed optimization scheme over a network of
agents in the presence of cost uncertainties and over switching communication
topologies. Inspired by recent advances in distributed convex optimization, we
propose a distributed algorithm based on a dual sub-gradient averaging. The
objective of this algorithm is to minimize a cost function cooperatively.
Furthermore, the algorithm changes the weights on the communication links in
the network to adapt to varying reliability of neighboring agents. A
convergence rate analysis as a function of the underlying network topology is
then presented, followed by simulation results for representative classes of
sensor networks.
|
Unsupervised Feature Learning with C-SVDDNet | In this paper, we investigate the problem of learning feature representation
from unlabeled data using a single-layer K-means network. A K-means network
maps the input data into a feature representation by finding the nearest
centroid for each input point, which has attracted researchers' great attention
recently due to its simplicity, effectiveness, and scalability. However, one
drawback of this feature mapping is that it tends to be unreliable when the
training data contains noise. To address this issue, we propose a SVDD based
feature learning algorithm that describes the density and distribution of each
cluster from K-means with an SVDD ball for more robust feature representation.
For this purpose, we present a new SVDD algorithm called C-SVDD that centers
the SVDD ball towards the mode of local density of each cluster, and we show
that the objective of C-SVDD can be solved very efficiently as a linear
programming problem. Additionally, traditional unsupervised feature learning
methods usually take an average or sum of local representations to obtain
global representation which ignore spatial relationship among them. To use
spatial information we propose a global representation with a variant of SIFT
descriptor. The architecture is also extended with multiple receptive field
scales and multiple pooling sizes. Extensive experiments on several popular
object recognition benchmarks, such as STL-10, MINST, Holiday and Copydays
shows that the proposed C-SVDDNet method yields comparable or better
performance than that of the previous state of the art methods.
|
Learning Non-deterministic Representations with Energy-based Ensembles | The goal of a generative model is to capture the distribution underlying the
data, typically through latent variables. After training, these variables are
often used as a new representation, more effective than the original features
in a variety of learning tasks. However, the representations constructed by
contemporary generative models are usually point-wise deterministic mappings
from the original feature space. Thus, even with representations robust to
class-specific transformations, statistically driven models trained on them
would not be able to generalize when the labeled data is scarce. Inspired by
the stochasticity of the synaptic connections in the brain, we introduce
Energy-based Stochastic Ensembles. These ensembles can learn non-deterministic
representations, i.e., mappings from the feature space to a family of
distributions in the latent space. These mappings are encoded in a distribution
over a (possibly infinite) collection of models. By conditionally sampling
models from the ensemble, we obtain multiple representations for every input
example and effectively augment the data. We propose an algorithm similar to
contrastive divergence for training restricted Boltzmann stochastic ensembles.
Finally, we demonstrate the concept of the stochastic representations on a
synthetic dataset as well as test them in the one-shot learning scenario on
MNIST.
|
Microbial community pattern detection in human body habitats via
ensemble clustering framework | The human habitat is a host where microbial species evolve, function, and
continue to evolve. Elucidating how microbial communities respond to human
habitats is a fundamental and critical task, as establishing baselines of human
microbiome is essential in understanding its role in human disease and health.
However, current studies usually overlook a complex and interconnected
landscape of human microbiome and limit the ability in particular body habitats
with learning models of specific criterion. Therefore, these methods could not
capture the real-world underlying microbial patterns effectively. To obtain a
comprehensive view, we propose a novel ensemble clustering framework to mine
the structure of microbial community pattern on large-scale metagenomic data.
Particularly, we first build a microbial similarity network via integrating
1920 metagenomic samples from three body habitats of healthy adults. Then a
novel symmetric Nonnegative Matrix Factorization (NMF) based ensemble model is
proposed and applied onto the network to detect clustering pattern. Extensive
experiments are conducted to evaluate the effectiveness of our model on
deriving microbial community with respect to body habitat and host gender. From
clustering results, we observed that body habitat exhibits a strong bound but
non-unique microbial structural patterns. Meanwhile, human microbiome reveals
different degree of structural variations over body habitat and host gender. In
summary, our ensemble clustering framework could efficiently explore integrated
clustering results to accurately identify microbial communities, and provide a
comprehensive view for a set of microbial communities. Such trends depict an
integrated biography of microbial communities, which offer a new insight
towards uncovering pathogenic model of human microbiome.
|
ADASECANT: Robust Adaptive Secant Method for Stochastic Gradient | Stochastic gradient algorithms have been the main focus of large-scale
learning problems and they led to important successes in machine learning. The
convergence of SGD depends on the careful choice of learning rate and the
amount of the noise in stochastic estimates of the gradients. In this paper, we
propose a new adaptive learning rate algorithm, which utilizes curvature
information for automatically tuning the learning rates. The information about
the element-wise curvature of the loss function is estimated from the local
statistics of the stochastic first order gradients. We further propose a new
variance reduction technique to speed up the convergence. In our preliminary
experiments with deep neural networks, we obtained better performance compared
to the popular stochastic gradient algorithms.
|
Grammar as a Foreign Language | Syntactic constituency parsing is a fundamental problem in natural language
processing and has been the subject of intensive research and engineering for
decades. As a result, the most accurate parsers are domain specific, complex,
and inefficient. In this paper we show that the domain agnostic
attention-enhanced sequence-to-sequence model achieves state-of-the-art results
on the most widely used syntactic constituency parsing dataset, when trained on
a large synthetic corpus that was annotated using existing parsers. It also
matches the performance of standard parsers when trained only on a small
human-annotated dataset, which shows that this model is highly data-efficient,
in contrast to sequence-to-sequence models without the attention mechanism. Our
parser is also fast, processing over a hundred sentences per second with an
unoptimized CPU implementation.
|
Pathwise Coordinate Optimization for Sparse Learning: Algorithm and
Theory | The pathwise coordinate optimization is one of the most important
computational frameworks for high dimensional convex and nonconvex sparse
learning problems. It differs from the classical coordinate optimization
algorithms in three salient features: {\it warm start initialization}, {\it
active set updating}, and {\it strong rule for coordinate preselection}. Such a
complex algorithmic structure grants superior empirical performance, but also
poses significant challenge to theoretical analysis. To tackle this long
lasting problem, we develop a new theory showing that these three features play
pivotal roles in guaranteeing the outstanding statistical and computational
performance of the pathwise coordinate optimization framework. Particularly, we
analyze the existing pathwise coordinate optimization algorithms and provide
new theoretical insights into them. The obtained insights further motivate the
development of several modifications to improve the pathwise coordinate
optimization framework, which guarantees linear convergence to a unique sparse
local optimum with optimal statistical properties in parameter estimation and
support recovery. This is the first result on the computational and statistical
guarantees of the pathwise coordinate optimization framework in high
dimensions. Thorough numerical experiments are provided to support our theory.
|
Deep Networks With Large Output Spaces | Deep neural networks have been extremely successful at various image, speech,
video recognition tasks because of their ability to model deep structures
within the data. However, they are still prohibitively expensive to train and
apply for problems containing millions of classes in the output layer. Based on
the observation that the key computation common to most neural network layers
is a vector/matrix product, we propose a fast locality-sensitive hashing
technique to approximate the actual dot product enabling us to scale up the
training and inference to millions of output classes. We evaluate our technique
on three diverse large-scale recognition tasks and show that our approach can
train large-scale models at a faster rate (in terms of steps/total time)
compared to baseline methods.
|
A Unified Perspective on Multi-Domain and Multi-Task Learning | In this paper, we provide a new neural-network based perspective on
multi-task learning (MTL) and multi-domain learning (MDL). By introducing the
concept of a semantic descriptor, this framework unifies MDL and MTL as well as
encompassing various classic and recent MTL/MDL algorithms by interpreting them
as different ways of constructing semantic descriptors. Our interpretation
provides an alternative pipeline for zero-shot learning (ZSL), where a model
for a novel class can be constructed without training data. Moreover, it leads
to a new and practically relevant problem setting of zero-shot domain
adaptation (ZSDA), which is the analogous to ZSL but for novel domains: A model
for an unseen domain can be generated by its semantic descriptor. Experiments
across this range of problems demonstrate that our framework outperforms a
variety of alternatives.
|
Learning Deep Temporal Representations for Brain Decoding | Functional magnetic resonance imaging produces high dimensional data, with a
less then ideal number of labelled samples for brain decoding tasks (predicting
brain states). In this study, we propose a new deep temporal convolutional
neural network architecture with spatial pooling for brain decoding which aims
to reduce dimensionality of feature space along with improved classification
performance. Temporal representations (filters) for each layer of the
convolutional model are learned by leveraging unlabelled fMRI data in an
unsupervised fashion with regularized autoencoders. Learned temporal
representations in multiple levels capture the regularities in the temporal
domain and are observed to be a rich bank of activation patterns which also
exhibit similarities to the actual hemodynamic responses. Further, spatial
pooling layers in the convolutional architecture reduce the dimensionality
without losing excessive information. By employing the proposed temporal
convolutional architecture with spatial pooling, raw input fMRI data is mapped
to a non-linear, highly-expressive and low-dimensional feature space where the
final classification is conducted. In addition, we propose a simple heuristic
approach for hyper-parameter tuning when no validation data is available.
Proposed method is tested on a ten class recognition memory experiment with
nine subjects. The results support the efficiency and potential of the proposed
model, compared to the baseline multi-voxel pattern analysis techniques.
|
Difference Target Propagation | Back-propagation has been the workhorse of recent successes of deep learning
but it relies on infinitesimal effects (partial derivatives) in order to
perform credit assignment. This could become a serious issue as one considers
deeper and more non-linear functions, e.g., consider the extreme case of
nonlinearity where the relation between parameters and cost is actually
discrete. Inspired by the biological implausibility of back-propagation, a few
approaches have been proposed in the past that could play a similar credit
assignment role. In this spirit, we explore a novel approach to credit
assignment in deep networks that we call target propagation. The main idea is
to compute targets rather than gradients, at each layer. Like gradients, they
are propagated backwards. In a way that is related but different from
previously proposed proxies for back-propagation which rely on a backwards
network with symmetric weights, target propagation relies on auto-encoders at
each layer. Unlike back-propagation, it can be applied even when units exchange
stochastic bits rather than real numbers. We show that a linear correction for
the imperfectness of the auto-encoders, called difference target propagation,
is very effective to make target propagation actually work, leading to results
comparable to back-propagation for deep networks with discrete and continuous
units and denoising auto-encoders and achieving state of the art for stochastic
networks.
|
Fast Convolutional Nets With fbfft: A GPU Performance Evaluation | We examine the performance profile of Convolutional Neural Network training
on the current generation of NVIDIA Graphics Processing Units. We introduce two
new Fast Fourier Transform convolution implementations: one based on NVIDIA's
cuFFT library, and another based on a Facebook authored FFT implementation,
fbfft, that provides significant speedups over cuFFT (over 1.5x) for whole
CNNs. Both of these convolution implementations are available in open source,
and are faster than NVIDIA's cuDNN implementation for many common convolutional
layers (up to 23.5x for some synthetic kernel configurations). We discuss
different performance regimes of convolutions, comparing areas where
straightforward time domain convolutions outperform Fourier frequency domain
convolutions. Details on algorithmic applications of NVIDIA GPU hardware
specifics in the implementation of fbfft are also provided.
|
Differential Privacy and Machine Learning: a Survey and Review | The objective of machine learning is to extract useful information from data,
while privacy is preserved by concealing information. Thus it seems hard to
reconcile these competing interests. However, they frequently must be balanced
when mining sensitive data. For example, medical research represents an
important application where it is necessary both to extract useful information
and protect patient privacy. One way to resolve the conflict is to extract
general characteristics of whole populations without disclosing the private
information of individuals.
In this paper, we consider differential privacy, one of the most popular and
powerful definitions of privacy. We explore the interplay between machine
learning and differential privacy, namely privacy-preserving machine learning
algorithms and learning-based data release mechanisms. We also describe some
theoretical results that address what can be learned differentially privately
and upper bounds of loss functions for differentially private algorithms.
Finally, we present some open questions, including how to incorporate public
data, how to deal with missing data in private datasets, and whether, as the
number of observed samples grows arbitrarily large, differentially private
machine learning algorithms can be achieved at no cost to utility as compared
to corresponding non-differentially private algorithms.
|
An Effective Semi-supervised Divisive Clustering Algorithm | Nowadays, data are generated massively and rapidly from scientific fields as
bioinformatics, neuroscience and astronomy to business and engineering fields.
Cluster analysis, as one of the major data analysis tools, is therefore more
significant than ever. We propose in this work an effective Semi-supervised
Divisive Clustering algorithm (SDC). Data points are first organized by a
minimal spanning tree. Next, this tree structure is transitioned to the in-tree
structure, and then divided into sub-trees under the supervision of the labeled
data, and in the end, all points in the sub-trees are directly associated with
specific cluster centers. SDC is fully automatic, non-iterative, involving no
free parameter, insensitive to noise, able to detect irregularly shaped cluster
structures, applicable to the data sets of high dimensionality and different
attributes. The power of SDC is demonstrated on several datasets.
|
Transformation Properties of Learned Visual Representations | When a three-dimensional object moves relative to an observer, a change
occurs on the observer's image plane and in the visual representation computed
by a learned model. Starting with the idea that a good visual representation is
one that transforms linearly under scene motions, we show, using the theory of
group representations, that any such representation is equivalent to a
combination of the elementary irreducible representations. We derive a striking
relationship between irreducibility and the statistical dependency structure of
the representation, by showing that under restricted conditions, irreducible
representations are decorrelated. Under partial observability, as induced by
the perspective projection of a scene onto the image plane, the motion group
does not have a linear action on the space of images, so that it becomes
necessary to perform inference over a latent representation that does transform
linearly. This idea is demonstrated in a model of rotating NORB objects that
employs a latent representation of the non-commutative 3D rotation group SO(3).
|
Automatic Photo Adjustment Using Deep Neural Networks | Photo retouching enables photographers to invoke dramatic visual impressions
by artistically enhancing their photos through stylistic color and tone
adjustments. However, it is also a time-consuming and challenging task that
requires advanced skills beyond the abilities of casual photographers. Using an
automated algorithm is an appealing alternative to manual work but such an
algorithm faces many hurdles. Many photographic styles rely on subtle
adjustments that depend on the image content and even its semantics. Further,
these adjustments are often spatially varying. Because of these
characteristics, existing automatic algorithms are still limited and cover only
a subset of these challenges. Recently, deep machine learning has shown unique
abilities to address hard problems that resisted machine algorithms for long.
This motivated us to explore the use of deep learning in the context of photo
editing. In this paper, we explain how to formulate the automatic photo
adjustment problem in a way suitable for this approach. We also introduce an
image descriptor that accounts for the local semantics of an image. Our
experiments demonstrate that our deep learning formulation applied using these
descriptors successfully capture sophisticated photographic styles. In
particular and unlike previous techniques, it can model local adjustments that
depend on the image semantics. We show on several examples that this yields
results that are qualitatively and quantitatively better than previous work.
|
Learning Longer Memory in Recurrent Neural Networks | Recurrent neural network is a powerful model that learns temporal patterns in
sequential data. For a long time, it was believed that recurrent networks are
difficult to train using simple optimizers, such as stochastic gradient
descent, due to the so-called vanishing gradient problem. In this paper, we
show that learning longer term patterns in real data, such as in natural
language, is perfectly possible using gradient descent. This is achieved by
using a slight structural modification of the simple recurrent neural network
architecture. We encourage some of the hidden units to change their state
slowly by making part of the recurrent weight matrix close to identity, thus
forming kind of a longer term memory. We evaluate our model in language
modeling experiments, where we obtain similar performance to the much more
complex Long Short Term Memory (LSTM) networks (Hochreiter & Schmidhuber,
1997).
|
Multiple Object Recognition with Visual Attention | We present an attention-based model for recognizing multiple objects in
images. The proposed model is a deep recurrent neural network trained with
reinforcement learning to attend to the most relevant regions of the input
image. We show that the model learns to both localize and recognize multiple
objects despite being given only class labels during training. We evaluate the
model on the challenging task of transcribing house number sequences from
Google Street View images and show that it is both more accurate than the
state-of-the-art convolutional networks and uses fewer parameters and less
computation.
|
Protein Secondary Structure Prediction with Long Short Term Memory
Networks | Prediction of protein secondary structure from the amino acid sequence is a
classical bioinformatics problem. Common methods use feed forward neural
networks or SVMs combined with a sliding window, as these models does not
naturally handle sequential data. Recurrent neural networks are an
generalization of the feed forward neural network that naturally handle
sequential data. We use a bidirectional recurrent neural network with long
short term memory cells for prediction of secondary structure and evaluate
using the CB513 dataset. On the secondary structure 8-class problem we report
better performance (0.674) than state of the art (0.664). Our model includes
feed forward networks between the long short term memory cells, a path that can
be further explored.
|
Cloud K-SVD: A Collaborative Dictionary Learning Algorithm for Big,
Distributed Data | This paper studies the problem of data-adaptive representations for big,
distributed data. It is assumed that a number of geographically-distributed,
interconnected sites have massive local data and they are interested in
collaboratively learning a low-dimensional geometric structure underlying these
data. In contrast to previous works on subspace-based data representations,
this paper focuses on the geometric structure of a union of subspaces (UoS). In
this regard, it proposes a distributed algorithm---termed cloud K-SVD---for
collaborative learning of a UoS structure underlying distributed data of
interest. The goal of cloud K-SVD is to learn a common overcomplete dictionary
at each individual site such that every sample in the distributed data can be
represented through a small number of atoms of the learned dictionary. Cloud
K-SVD accomplishes this goal without requiring exchange of individual samples
between sites. This makes it suitable for applications where sharing of raw
data is discouraged due to either privacy concerns or large volumes of data.
This paper also provides an analysis of cloud K-SVD that gives insights into
its properties as well as deviations of the dictionaries learned at individual
sites from a centralized solution in terms of different measures of
local/global data and topology of interconnections. Finally, the paper
numerically illustrates the efficacy of cloud K-SVD on real and synthetic
distributed data.
|
Gaussian Process Pseudo-Likelihood Models for Sequence Labeling | Several machine learning problems arising in natural language processing can
be modeled as a sequence labeling problem. We provide Gaussian process models
based on pseudo-likelihood approximation to perform sequence labeling. Gaussian
processes (GPs) provide a Bayesian approach to learning in a kernel based
framework. The pseudo-likelihood model enables one to capture long range
dependencies among the output components of the sequence without becoming
computationally intractable. We use an efficient variational Gaussian
approximation method to perform inference in the proposed model. We also
provide an iterative algorithm which can effectively make use of the
information from the neighboring labels to perform prediction. The ability to
capture long range dependencies makes the proposed approach useful for a wide
range of sequence labeling problems. Numerical experiments on some sequence
labeling data sets demonstrate the usefulness of the proposed approach.
|
Polyphonic Music Generation by Modeling Temporal Dependencies Using a
RNN-DBN | In this paper, we propose a generic technique to model temporal dependencies
and sequences using a combination of a recurrent neural network and a Deep
Belief Network. Our technique, RNN-DBN, is an amalgamation of the memory state
of the RNN that allows it to provide temporal information and a multi-layer DBN
that helps in high level representation of the data. This makes RNN-DBNs ideal
for sequence generation. Further, the use of a DBN in conjunction with the RNN
makes this model capable of significantly more complex data representation than
an RBM. We apply this technique to the task of polyphonic music generation.
|
A Novel Feature Selection and Extraction Technique for Classification | This paper presents a versatile technique for the purpose of feature
selection and extraction - Class Dependent Features (CDFs). We use CDFs to
improve the accuracy of classification and at the same time control
computational expense by tackling the curse of dimensionality. In order to
demonstrate the generality of this technique, it is applied to handwritten
digit recognition and text categorization.
|
Adjusting Leverage Scores by Row Weighting: A Practical Approach to
Coherent Matrix Completion | Low-rank matrix completion is an important problem with extensive real-world
applications. When observations are uniformly sampled from the underlying
matrix entries, existing methods all require the matrix to be incoherent. This
paper provides the first working method for coherent matrix completion under
the standard uniform sampling model. Our approach is based on the weighted
nuclear norm minimization idea proposed in several recent work, and our key
contribution is a practical method to compute the weighting matrices so that
the leverage scores become more uniform after weighting. Under suitable
conditions, we are able to derive theoretical results, showing the
effectiveness of our approach. Experiments on synthetic data show that our
approach recovers highly coherent matrices with high precision, whereas the
standard unweighted method fails even on noise-free data.
|
The Computational Theory of Intelligence: Information Entropy | This paper presents an information theoretic approach to the concept of
intelligence in the computational sense. We introduce a probabilistic framework
from which computational intelligence is shown to be an entropy minimizing
process at the local level. Using this new scheme, we develop a simple data
driven clustering example and discuss its applications.
|
Predicting User Engagement in Twitter with Collaborative Ranking | Collaborative Filtering (CF) is a core component of popular web-based
services such as Amazon, YouTube, Netflix, and Twitter. Most applications use
CF to recommend a small set of items to the user. For instance, YouTube
presents to a user a list of top-n videos she would likely watch next based on
her rating and viewing history. Current methods of CF evaluation have been
focused on assessing the quality of a predicted rating or the ranking
performance for top-n recommended items. However, restricting the recommender
system evaluation to these two aspects is rather limiting and neglects other
dimensions that could better characterize a well-perceived recommendation. In
this paper, instead of optimizing rating or top-n recommendation, we focus on
the task of predicting which items generate the highest user engagement. In
particular, we use Twitter as our testbed and cast the problem as a
Collaborative Ranking task where the rich features extracted from the metadata
of the tweets help to complement the transaction information limited to user
ids, item ids, ratings and timestamps. We learn a scoring function that
directly optimizes the user engagement in terms of nDCG@10 on the predicted
ranking. Experiments conducted on an extended version of the MovieTweetings
dataset, released as part of the RecSys Challenge 2014, show the effectiveness
of our approach.
|
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.