title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Non-Backtracking Spectrum of Degree-Corrected Stochastic Block Models | Motivated by community detection, we characterise the spectrum of the
non-backtracking matrix $B$ in the Degree-Corrected Stochastic Block Model.
Specifically, we consider a random graph on $n$ vertices partitioned into two
equal-sized clusters. The vertices have i.i.d. weights $\{ \phi_u \}_{u=1}^n$
with second moment $\Phi^{(2)}$. The intra-cluster connection probability for
vertices $u$ and $v$ is $\frac{\phi_u \phi_v}{n}a$ and the inter-cluster
connection probability is $\frac{\phi_u \phi_v}{n}b$.
We show that with high probability, the following holds: The leading
eigenvalue of the non-backtracking matrix $B$ is asymptotic to $\rho =
\frac{a+b}{2} \Phi^{(2)}$. The second eigenvalue is asymptotic to $\mu_2 =
\frac{a-b}{2} \Phi^{(2)}$ when $\mu_2^2 > \rho$, but asymptotically bounded by
$\sqrt{\rho}$ when $\mu_2^2 \leq \rho$. All the remaining eigenvalues are
asymptotically bounded by $\sqrt{\rho}$. As a result, a clustering
positively-correlated with the true communities can be obtained based on the
second eigenvector of $B$ in the regime where $\mu_2^2 > \rho.$
In a previous work we obtained that detection is impossible when $\mu_2^2 <
\rho,$ meaning that there occurs a phase-transition in the sparse regime of the
Degree-Corrected Stochastic Block Model.
As a corollary, we obtain that Degree-Corrected Erd\H{o}s-R\'enyi graphs
asymptotically satisfy the graph Riemann hypothesis, a quasi-Ramanujan
property.
A by-product of our proof is a weak law of large numbers for
local-functionals on Degree-Corrected Stochastic Block Models, which could be
of independent interest.
|
Fashion DNA: Merging Content and Sales Data for Recommendation and
Article Mapping | We present a method to determine Fashion DNA, coordinate vectors locating
fashion items in an abstract space. Our approach is based on a deep neural
network architecture that ingests curated article information such as tags and
images, and is trained to predict sales for a large set of frequent customers.
In the process, a dual space of customer style preferences naturally arises.
Interpretation of the metric of these spaces is straightforward: The product of
Fashion DNA and customer style vectors yields the forecast purchase likelihood
for the customer-item pair, while the angle between Fashion DNA vectors is a
measure of item similarity. Importantly, our models are able to generate
unbiased purchase probabilities for fashion items based solely on article
information, even in absence of sales data, thus circumventing the "cold-start
problem" of collaborative recommendation approaches. Likewise, it generalizes
easily and reliably to customers outside the training set. We experiment with
Fashion DNA models based on visual and/or tag item data, evaluate their
recommendation power, and discuss the resulting article similarities.
|
Functorial Hierarchical Clustering with Overlaps | This work draws inspiration from three important sources of research on
dissimilarity-based clustering and intertwines those three threads into a
consistent principled functorial theory of clustering. Those three are the
overlapping clustering of Jardine and Sibson, the functorial approach of
Carlsson and M\'{e}moli to partition-based clustering, and the Isbell/Dress
school's study of injective envelopes. Carlsson and M\'{e}moli introduce the
idea of viewing clustering methods as functors from a category of metric spaces
to a category of clusters, with functoriality subsuming many desirable
properties. Our first series of results extends their theory of functorial
clustering schemes to methods that allow overlapping clusters in the spirit of
Jardine and Sibson. This obviates some of the unpleasant effects of chaining
that occur, for example with single-linkage clustering. We prove an equivalence
between these general overlapping clustering functors and projections of weight
spaces to what we term clustering domains, by focusing on the order structure
determined by the morphisms. As a specific application of this machinery, we
are able to prove that there are no functorial projections to cut metrics, or
even to tree metrics. Finally, although we focus less on the construction of
clustering methods (clustering domains) derived from injective envelopes, we
lay out some preliminary results, that hopefully will give a feel for how the
third leg of the stool comes into play.
|
DiSMEC - Distributed Sparse Machines for Extreme Multi-label
Classification | Extreme multi-label classification refers to supervised multi-label learning
involving hundreds of thousands or even millions of labels. Datasets in extreme
classification exhibit fit to power-law distribution, i.e. a large fraction of
labels have very few positive instances in the data distribution. Most
state-of-the-art approaches for extreme multi-label classification attempt to
capture correlation among labels by embedding the label matrix to a
low-dimensional linear sub-space. However, in the presence of power-law
distributed extremely large and diverse label spaces, structural assumptions
such as low rank can be easily violated.
In this work, we present DiSMEC, which is a large-scale distributed framework
for learning one-versus-rest linear classifiers coupled with explicit capacity
control to control model size. Unlike most state-of-the-art methods, DiSMEC
does not make any low rank assumptions on the label matrix. Using double layer
of parallelization, DiSMEC can learn classifiers for datasets consisting
hundreds of thousands labels within few hours. The explicit capacity control
mechanism filters out spurious parameters which keep the model compact in size,
without losing prediction accuracy. We conduct extensive empirical evaluation
on publicly available real-world datasets consisting upto 670,000 labels. We
compare DiSMEC with recent state-of-the-art approaches, including - SLEEC which
is a leading approach for learning sparse local embeddings, and FastXML which
is a tree-based approach optimizing ranking based loss function. On some of the
datasets, DiSMEC can significantly boost prediction accuracies - 10% better
compared to SLECC and 15% better compared to FastXML, in absolute terms.
|
Quantum-Assisted Learning of Hardware-Embedded Probabilistic Graphical
Models | Mainstream machine-learning techniques such as deep learning and
probabilistic programming rely heavily on sampling from generally intractable
probability distributions. There is increasing interest in the potential
advantages of using quantum computing technologies as sampling engines to speed
up these tasks or to make them more effective. However, some pressing
challenges in state-of-the-art quantum annealers have to be overcome before we
can assess their actual performance. The sparse connectivity, resulting from
the local interaction between quantum bits in physical hardware
implementations, is considered the most severe limitation to the quality of
constructing powerful generative unsupervised machine-learning models. Here we
use embedding techniques to add redundancy to data sets, allowing us to
increase the modeling capacity of quantum annealers. We illustrate our findings
by training hardware-embedded graphical models on a binarized data set of
handwritten digits and two synthetic data sets in experiments with up to 940
quantum bits. Our model can be trained in quantum hardware without full
knowledge of the effective parameters specifying the corresponding quantum
Gibbs-like distribution; therefore, this approach avoids the need to infer the
effective temperature at each iteration, speeding up learning; it also
mitigates the effect of noise in the control parameters, making it robust to
deviations from the reference Gibbs distribution. Our approach demonstrates the
feasibility of using quantum annealers for implementing generative models, and
it provides a suitable framework for benchmarking these quantum technologies on
machine-learning-related tasks.
|
On Sequential Elimination Algorithms for Best-Arm Identification in
Multi-Armed Bandits | We consider the best-arm identification problem in multi-armed bandits, which
focuses purely on exploration. A player is given a fixed budget to explore a
finite set of arms, and the rewards of each arm are drawn independently from a
fixed, unknown distribution. The player aims to identify the arm with the
largest expected reward. We propose a general framework to unify sequential
elimination algorithms, where the arms are dismissed iteratively until a unique
arm is left. Our analysis reveals a novel performance measure expressed in
terms of the sampling mechanism and number of eliminated arms at each round.
Based on this result, we develop an algorithm that divides the budget according
to a nonlinear function of remaining arms at each round. We provide theoretical
guarantees for the algorithm, characterizing the suitable nonlinearity for
different problem environments described by the number of competitive arms.
Matching the theoretical results, our experiments show that the nonlinear
algorithm outperforms the state-of-the-art. We finally study the
side-observation model, where pulling an arm reveals the rewards of its related
arms, and we establish improved theoretical guarantees in the pure-exploration
setting.
|
Generating Videos with Scene Dynamics | We capitalize on large amounts of unlabeled video in order to learn a model
of scene dynamics for both video recognition tasks (e.g. action classification)
and video generation tasks (e.g. future prediction). We propose a generative
adversarial network for video with a spatio-temporal convolutional architecture
that untangles the scene's foreground from the background. Experiments suggest
this model can generate tiny videos up to a second at full frame rate better
than simple baselines, and we show its utility at predicting plausible futures
of static images. Moreover, experiments and visualizations show the model
internally learns useful features for recognizing actions with minimal
supervision, suggesting scene dynamics are a promising signal for
representation learning. We believe generative video models can impact many
applications in video understanding and simulation.
|
Why is Differential Evolution Better than Grid Search for Tuning Defect
Predictors? | Context: One of the black arts of data mining is learning the magic
parameters which control the learners. In software analytics, at least for
defect prediction, several methods, like grid search and differential evolution
(DE), have been proposed to learn these parameters, which has been proved to be
able to improve the performance scores of learners.
Objective: We want to evaluate which method can find better parameters in
terms of performance score and runtime cost.
Methods: This paper compares grid search to differential evolution, which is
an evolutionary algorithm that makes extensive use of stochastic jumps around
the search space.
Results: We find that the seemingly complete approach of grid search does no
better, and sometimes worse, than the stochastic search. When repeated 20 times
to check for conclusion validity, DE was over 210 times faster than grid search
to tune Random Forests on 17 testing data sets with F-Measure
Conclusions: These results are puzzling: why does a quick partial search be
just as effective as a much slower, and much more, extensive search? To answer
that question, we turned to the theoretical optimization literature. Bergstra
and Bengio conjecture that grid search is not more effective than more
randomized searchers if the underlying search space is inherently low
dimensional. This is significant since recent results show that defect
prediction exhibits very low intrinsic dimensionality-- an observation that
explains why a fast method like DE may work as well as a seemingly more
thorough grid search. This suggests, as a future research direction, that it
might be possible to peek at data sets before doing any optimization in order
to match the optimization algorithm to the problem at hand.
|
Distributed Processing of Biosignal-Database for Emotion Recognition
with Mahout | This paper investigates the use of distributed processing on the problem of
emotion recognition from physiological sensors using a popular machine learning
library on distributed mode. Specifically, we run a random forests classifier
on the biosignal-data, which have been pre-processed to form exclusive groups
in an unsupervised fashion, on a Cloudera cluster using Mahout. The use of
distributed processing significantly reduces the time required for the offline
training of the classifier, enabling processing of large physiological datasets
through many iterations.
|
Machine Learning with Guarantees using Descriptive Complexity and SMT
Solvers | Machine learning is a thriving part of computer science. There are many
efficient approaches to machine learning that do not provide strong theoretical
guarantees, and a beautiful general learning theory. Unfortunately, machine
learning approaches that give strong theoretical guarantees have not been
efficient enough to be applicable. In this paper we introduce a logical
approach to machine learning. Models are represented by tuples of logical
formulas and inputs and outputs are logical structures. We present our
framework together with several applications where we evaluate it using SAT and
SMT solvers. We argue that this approach to machine learning is particularly
suited to bridge the gap between efficiency and theoretical soundness. We
exploit results from descriptive complexity theory to prove strong theoretical
guarantees for our approach. To show its applicability, we present experimental
results including learning complexity-theoretic reductions rules for board
games. We also explain how neural networks fit into our framework, although the
current implementation does not scale to provide guarantees for real-world
neural networks.
|
Identifying Topology of Power Distribution Networks Based on Smart Meter
Data | In a power distribution network, the network topology information is
essential for an efficient operation of the network. This information of
network connectivity is not accurately available, at the low voltage level, due
to uninformed changes that happen from time to time. In this paper, we propose
a novel data--driven approach to identify the underlying network topology
including the load phase connectivity from time series of energy measurements.
The proposed method involves the application of Principal Component Analysis
(PCA) and its graph-theoretic interpretation to infer the topology from smart
meter energy measurements. The method is demonstrated through simulation on
randomly generated networks and also on IEEE recognized Roy Billinton
distribution test system.
|
Automatic Selection of Stochastic Watershed Hierarchies | The segmentation, seen as the association of a partition with an image, is a
difficult task. It can be decomposed in two steps: at first, a family of
contours associated with a series of nested partitions (or hierarchy) is
created and organized, then pertinent contours are extracted. A coarser
partition is obtained by merging adjacent regions of a finer partition. The
strength of a contour is then measured by the level of the hierarchy for which
its two adjacent regions merge. We present an automatic segmentation strategy
using a wide range of stochastic watershed hierarchies. For a given set of
homogeneous images, our approach selects automatically the best hierarchy and
cut level to perform image simplification given an evaluation score.
Experimental results illustrate the advantages of our approach on several
real-life images datasets.
|
Detecting Singleton Review Spammers Using Semantic Similarity | Online reviews have increasingly become a very important resource for
consumers when making purchases. Though it is becoming more and more difficult
for people to make well-informed buying decisions without being deceived by
fake reviews. Prior works on the opinion spam problem mostly considered
classifying fake reviews using behavioral user patterns. They focused on
prolific users who write more than a couple of reviews, discarding one-time
reviewers. The number of singleton reviewers however is expected to be high for
many review websites. While behavioral patterns are effective when dealing with
elite users, for one-time reviewers, the review text needs to be exploited. In
this paper we tackle the problem of detecting fake reviews written by the same
person using multiple names, posting each review under a different name. We
propose two methods to detect similar reviews and show the results generally
outperform the vectorial similarity measures used in prior works. The first
method extends the semantic similarity between words to the reviews level. The
second method is based on topic modeling and exploits the similarity of the
reviews topic distributions using two models: bag-of-words and
bag-of-opinion-phrases. The experiments were conducted on reviews from three
different datasets: Yelp (57K reviews), Trustpilot (9K reviews) and Ott dataset
(800 reviews).
|
Predicting the future relevance of research institutions - The winning
solution of the KDD Cup 2016 | The world's collective knowledge is evolving through research and new
scientific discoveries. It is becoming increasingly difficult to objectively
rank the impact research institutes have on global advancements. However, since
the funding, governmental support, staff and students quality all mirror the
projected quality of the institution, it becomes essential to measure the
affiliation's rating in a transparent and widely accepted way. We propose and
investigate several methods to rank affiliations based on the number of their
accepted papers at future academic conferences. We carry out our investigation
using publicly available datasets such as the Microsoft Academic Graph, a
heterogeneous graph which contains various information about academic papers.
We analyze several models, starting with a simple probabilities-based method
and then gradually expand our training dataset, engineer many more features and
use mixed models and gradient boosted decision trees models to improve our
predictions.
|
A Hierarchical Model of Reviews for Aspect-based Sentiment Analysis | Opinion mining from customer reviews has become pervasive in recent years.
Sentences in reviews, however, are usually classified independently, even
though they form part of a review's argumentative structure. Intuitively,
sentences in a review build and elaborate upon each other; knowledge of the
review structure and sentential context should thus inform the classification
of each sentence. We demonstrate this hypothesis for the task of aspect-based
sentiment analysis by modeling the interdependencies of sentences in a review
with a hierarchical bidirectional LSTM. We show that the hierarchical model
outperforms two non-hierarchical baselines, obtains results competitive with
the state-of-the-art, and outperforms the state-of-the-art on five
multilingual, multi-domain datasets without any hand-engineered features or
external resources.
|
INSIGHT-1 at SemEval-2016 Task 4: Convolutional Neural Networks for
Sentiment Classification and Quantification | This paper describes our deep learning-based approach to sentiment analysis
in Twitter as part of SemEval-2016 Task 4. We use a convolutional neural
network to determine sentiment and participate in all subtasks, i.e. two-point,
three-point, and five-point scale sentiment classification and two-point and
five-point scale sentiment quantification. We achieve competitive results for
two-point scale sentiment classification and quantification, ranking fifth and
a close fourth (third and second by alternative metrics) respectively despite
using only pre-trained embeddings that contain no sentiment information. We
achieve good performance on three-point scale sentiment classification, ranking
eighth out of 35, while performing poorly on five-point scale sentiment
classification and quantification. An error analysis reveals that this is due
to low expressiveness of the model to capture negative sentiment as well as an
inability to take into account ordinal information. We propose improvements in
order to address these and other issues.
|
INSIGHT-1 at SemEval-2016 Task 5: Deep Learning for Multilingual
Aspect-based Sentiment Analysis | This paper describes our deep learning-based approach to multilingual
aspect-based sentiment analysis as part of SemEval 2016 Task 5. We use a
convolutional neural network (CNN) for both aspect extraction and aspect-based
sentiment analysis. We cast aspect extraction as a multi-label classification
problem, outputting probabilities over aspects parameterized by a threshold. To
determine the sentiment towards an aspect, we concatenate an aspect vector with
every word embedding and apply a convolution over it. Our constrained system
(unconstrained for English) achieves competitive results across all languages
and domains, placing first or second in 5 and 7 out of 11 language-domain pairs
for aspect category detection (slot 1) and sentiment polarity (slot 3)
respectively, thereby demonstrating the viability of a deep learning-based
approach for multilingual aspect-based sentiment analysis.
|
By-passing the Kohn-Sham equations with machine learning | Last year, at least 30,000 scientific papers used the Kohn-Sham scheme of
density functional theory to solve electronic structure problems in a wide
variety of scientific fields, ranging from materials science to biochemistry to
astrophysics. Machine learning holds the promise of learning the kinetic energy
functional via examples, by-passing the need to solve the Kohn-Sham equations.
This should yield substantial savings in computer time, allowing either larger
systems or longer time-scales to be tackled, but attempts to machine-learn this
functional have been limited by the need to find its derivative. The present
work overcomes this difficulty by directly learning the density-potential and
energy-density maps for test systems and various molecules. Both improved
accuracy and lower computational cost with this method are demonstrated by
reproducing DFT energies for a range of molecular geometries generated during
molecular dynamics simulations. Moreover, the methodology could be applied
directly to quantum chemical calculations, allowing construction of density
functionals of quantum-chemical accuracy.
|
Distributed Online Optimization in Dynamic Environments Using Mirror
Descent | This work addresses decentralized online optimization in non-stationary
environments. A network of agents aim to track the minimizer of a global
time-varying convex function. The minimizer evolves according to a known
dynamics corrupted by an unknown, unstructured noise. At each time, the global
function can be cast as a sum of a finite number of local functions, each of
which is assigned to one agent in the network. Moreover, the local functions
become available to agents sequentially, and agents do not have a prior
knowledge of the future cost functions. Therefore, agents must communicate with
each other to build an online approximation of the global function. We propose
a decentralized variation of the celebrated Mirror Descent, developed by
Nemirovksi and Yudin. Using the notion of Bregman divergence in lieu of
Euclidean distance for projection, Mirror Descent has been shown to be a
powerful tool in large-scale optimization. Our algorithm builds on Mirror
Descent, while ensuring that agents perform a consensus step to follow the
global function and take into account the dynamics of the global minimizer. To
measure the performance of the proposed online algorithm, we compare it to its
offline counterpart, where the global functions are available a priori. The gap
between the two is called dynamic regret. We establish a regret bound that
scales inversely in the spectral gap of the network, and more notably it
represents the deviation of minimizer sequence with respect to the given
dynamics. We then show that our results subsume a number of results in
distributed optimization. We demonstrate the application of our method to
decentralized tracking of dynamic parameters and verify the results via
numerical experiments.
|
Robust Spectral Detection of Global Structures in the Data by Learning a
Regularization | Spectral methods are popular in detecting global structures in the given data
that can be represented as a matrix. However when the data matrix is sparse or
noisy, classic spectral methods usually fail to work, due to localization of
eigenvectors (or singular vectors) induced by the sparsity or noise. In this
work, we propose a general method to solve the localization problem by learning
a regularization matrix from the localized eigenvectors. Using matrix
perturbation analysis, we demonstrate that the learned regularizations suppress
down the eigenvalues associated with localized eigenvectors and enable us to
recover the informative eigenvectors representing the global structure. We show
applications of our method in several inference problems: community detection
in networks, clustering from pairwise similarities, rank estimation and matrix
completion problems. Using extensive experiments, we illustrate that our method
solves the localization problem and works down to the theoretical detectability
limits in different kinds of synthetic data. This is in contrast with existing
spectral algorithms based on data matrix, non-backtracking matrix, Laplacians
and those with rank-one regularizations, which perform poorly in the sparse
case with noise.
|
Semi-Supervised Classification with Graph Convolutional Networks | We present a scalable approach for semi-supervised learning on
graph-structured data that is based on an efficient variant of convolutional
neural networks which operate directly on graphs. We motivate the choice of our
convolutional architecture via a localized first-order approximation of
spectral graph convolutions. Our model scales linearly in the number of graph
edges and learns hidden layer representations that encode both local graph
structure and features of nodes. In a number of experiments on citation
networks and on a knowledge graph dataset we demonstrate that our approach
outperforms related methods by a significant margin.
|
Stealing Machine Learning Models via Prediction APIs | Machine learning (ML) models may be deemed confidential due to their
sensitive training data, commercial value, or use in security applications.
Increasingly often, confidential ML models are being deployed with publicly
accessible query interfaces. ML-as-a-service ("predictive analytics") systems
are an example: Some allow users to train models on potentially sensitive data
and charge others for access on a pay-per-query basis.
The tension between model confidentiality and public access motivates our
investigation of model extraction attacks. In such attacks, an adversary with
black-box access, but no prior knowledge of an ML model's parameters or
training data, aims to duplicate the functionality of (i.e., "steal") the
model. Unlike in classical learning theory settings, ML-as-a-service offerings
may accept partial feature vectors as inputs and include confidence values with
predictions. Given these practices, we show simple, efficient attacks that
extract target ML models with near-perfect fidelity for popular model classes
including logistic regression, neural networks, and decision trees. We
demonstrate these attacks against the online services of BigML and Amazon
Machine Learning. We further show that the natural countermeasure of omitting
confidence values from model outputs still admits potentially harmful model
extraction attacks. Our results highlight the need for careful ML model
deployment and new model extraction countermeasures.
|
An Integrated Classification Model for Financial Data Mining | Nowadays, financial data analysis is becoming increasingly important in the
business market. As companies collect more and more data from daily operations,
they expect to extract useful knowledge from existing collected data to help
make reasonable decisions for new customer requests, e.g. user credit category,
churn analysis, real estate analysis, etc. Financial institutes have applied
different data mining techniques to enhance their business performance.
However, simple ap-proach of these techniques could raise a performance issue.
Besides, there are very few general models for both understanding and
forecasting different finan-cial fields. We present in this paper a new
classification model for analyzing fi-nancial data. We also evaluate this model
with different real-world data to show its performance.
|
Episodic Exploration for Deep Deterministic Policies: An Application to
StarCraft Micromanagement Tasks | We consider scenarios from the real-time strategy game StarCraft as new
benchmarks for reinforcement learning algorithms. We propose micromanagement
tasks, which present the problem of the short-term, low-level control of army
members during a battle. From a reinforcement learning point of view, these
scenarios are challenging because the state-action space is very large, and
because there is no obvious feature representation for the state-action
evaluation function. We describe our approach to tackle the micromanagement
scenarios with deep neural network controllers from raw state features given by
the game engine. In addition, we present a heuristic reinforcement learning
algorithm which combines direct exploration in the policy space and
backpropagation. This algorithm allows for the collection of traces for
learning using deterministic policies, which appears much more efficient than,
for example, {\epsilon}-greedy exploration. Experiments show that with this
algorithm, we successfully learn non-trivial strategies for scenarios with
armies of up to 15 agents, where both Q-learning and REINFORCE struggle.
|
Iteratively Reweighted Least Squares Algorithms for L1-Norm Principal
Component Analysis | Principal component analysis (PCA) is often used to reduce the dimension of
data by selecting a few orthonormal vectors that explain most of the variance
structure of the data. L1 PCA uses the L1 norm to measure error, whereas the
conventional PCA uses the L2 norm. For the L1 PCA problem minimizing the
fitting error of the reconstructed data, we propose an exact reweighted and an
approximate algorithm based on iteratively reweighted least squares. We provide
convergence analyses, and compare their performance against benchmark
algorithms in the literature. The computational experiment shows that the
proposed algorithms consistently perform best.
|
New Steps on the Exact Learning of CNF | A major problem in computational learning theory is whether the class of
formulas in conjunctive normal form (CNF) is efficiently learnable. Although it
is known that this class cannot be polynomially learned using either membership
or equivalence queries alone, it is open whether CNF can be polynomially
learned using both types of queries. One of the most important results
concerning a restriction of the class CNF is that propositional Horn formulas
are polynomial time learnable in Angluin's exact learning model with membership
and equivalence queries. In this work we push this boundary and show that the
class of multivalued dependency formulas (MVDF) is polynomially learnable from
interpretations. We then provide a notion of reduction between learning
problems in Angluin's model, showing that a transformation of the algorithm
suffices to efficiently learn multivalued database dependencies from data
relations. We also show via reductions that our main result extends well known
previous results and allows us to find alternative solutions for them.
|
Energy-based Generative Adversarial Network | We introduce the "Energy-based Generative Adversarial Network" model (EBGAN)
which views the discriminator as an energy function that attributes low
energies to the regions near the data manifold and higher energies to other
regions. Similar to the probabilistic GANs, a generator is seen as being
trained to produce contrastive samples with minimal energies, while the
discriminator is trained to assign high energies to these generated samples.
Viewing the discriminator as an energy function allows to use a wide variety of
architectures and loss functionals in addition to the usual binary classifier
with logistic output. Among them, we show one instantiation of EBGAN framework
as using an auto-encoder architecture, with the energy being the reconstruction
error, in place of the discriminator. We show that this form of EBGAN exhibits
more stable behavior than regular GANs during training. We also show that a
single-scale architecture can be trained to generate high-resolution images.
|
On the Relationship between Online Gaussian Process Regression and
Kernel Least Mean Squares Algorithms | We study the relationship between online Gaussian process (GP) regression and
kernel least mean squares (KLMS) algorithms. While the latter have no capacity
of storing the entire posterior distribution during online learning, we
discover that their operation corresponds to the assumption of a fixed
posterior covariance that follows a simple parametric model. Interestingly,
several well-known KLMS algorithms correspond to specific cases of this model.
The probabilistic perspective allows us to understand how each of them handles
uncertainty, which could explain some of their performance differences.
|
Wav2Letter: an End-to-End ConvNet-based Speech Recognition System | This paper presents a simple end-to-end model for speech recognition,
combining a convolutional network based acoustic model and a graph decoding. It
is trained to output letters, with transcribed speech, without the need for
force alignment of phonemes. We introduce an automatic segmentation criterion
for training from sequence annotation without alignment that is on par with CTC
while being simpler. We show competitive results in word error rate on the
Librispeech corpus with MFCC features, and promising results from raw waveform.
|
Multiplex lexical networks reveal patterns in early word acquisition in
children | Network models of language have provided a way of linking cognitive processes
to the structure and connectivity of language. However, one shortcoming of
current approaches is focusing on only one type of linguistic relationship at a
time, missing the complex multi-relational nature of language. In this work, we
overcome this limitation by modelling the mental lexicon of English-speaking
toddlers as a multiplex lexical network, i.e. a multi-layered network where
N=529 words/nodes are connected according to four types of relationships: (i)
free associations, (ii) feature sharing, (iii) co-occurrence, and (iv)
phonological similarity. We provide analysis of the topology of the resulting
multiplex and then proceed to evaluate single layers as well as the full
multiplex structure on their ability to predict empirically observed age of
acquisition data of English speaking toddlers. We find that the emerging
multiplex network topology is an important proxy of the cognitive processes of
acquisition, capable of capturing emergent lexicon structure. In fact, we show
that the multiplex topology is fundamentally more powerful than individual
layers in predicting the ordering with which words are acquired. Furthermore,
multiplex analysis allows for a quantification of distinct phases of lexical
acquisition in early learners: while initially all the multiplex layers
contribute to word learning, after about month 23 free associations take the
lead in driving word acquisition.
|
Sharing Hash Codes for Multiple Purposes | Locality sensitive hashing (LSH) is a powerful tool for sublinear-time
approximate nearest neighbor search, and a variety of hashing schemes have been
proposed for different dissimilarity measures. However, hash codes
significantly depend on the dissimilarity, which prohibits users from adjusting
the dissimilarity at query time. In this paper, we propose {multiple purpose
LSH (mp-LSH) which shares the hash codes for different dissimilarities. mp-LSH
supports L2, cosine, and inner product dissimilarities, and their corresponding
weighted sums, where the weights can be adjusted at query time. It also allows
us to modify the importance of pre-defined groups of features. Thus, mp-LSH
enables us, for example, to retrieve similar items to a query with the user
preference taken into account, to find a similar material to a query with some
properties (stability, utility, etc.) optimized, and to turn on or off a part
of multi-modal information (brightness, color, audio, text, etc.) in
image/video retrieval. We theoretically and empirically analyze the performance
of three variants of mp-LSH, and demonstrate their usefulness on real-world
data sets.
|
Non-square matrix sensing without spurious local minima via the
Burer-Monteiro approach | We consider the non-square matrix sensing problem, under restricted isometry
property (RIP) assumptions. We focus on the non-convex formulation, where any
rank-$r$ matrix $X \in \mathbb{R}^{m \times n}$ is represented as $UV^\top$,
where $U \in \mathbb{R}^{m \times r}$ and $V \in \mathbb{R}^{n \times r}$. In
this paper, we complement recent findings on the non-convex geometry of the
analogous PSD setting [5], and show that matrix factorization does not
introduce any spurious local minima, under RIP.
|
Less than a Single Pass: Stochastically Controlled Stochastic Gradient
Method | We develop and analyze a procedure for gradient-based optimization that we
refer to as stochastically controlled stochastic gradient (SCSG). As a member
of the SVRG family of algorithms, SCSG makes use of gradient estimates at two
scales, with the number of updates at the faster scale being governed by a
geometric random variable. Unlike most existing algorithms in this family, both
the computation cost and the communication cost of SCSG do not necessarily
scale linearly with the sample size $n$; indeed, these costs are independent of
$n$ when the target accuracy is low. An experimental evaluation on real
datasets confirms the effectiveness of SCSG.
|
CompAdaGrad: A Compressed, Complementary, Computationally-Efficient
Adaptive Gradient Method | The adaptive gradient online learning method known as AdaGrad has seen
widespread use in the machine learning community in stochastic and adversarial
online learning problems and more recently in deep learning methods. The
method's full-matrix incarnation offers much better theoretical guarantees and
potentially better empirical performance than its diagonal version; however,
this version is computationally prohibitive and so the simpler diagonal version
often is used in practice. We introduce a new method, CompAdaGrad, that
navigates the space between these two schemes and show that this method can
yield results much better than diagonal AdaGrad while avoiding the (effectively
intractable) $O(n^3)$ computational complexity of full-matrix AdaGrad for
dimension $n$. CompAdaGrad essentially performs full-matrix regularization in a
low-dimensional subspace while performing diagonal regularization in the
complementary subspace. We derive CompAdaGrad's updates for composite mirror
descent in case of the squared $\ell_2$ norm and the $\ell_1$ norm, demonstrate
that its complexity per iteration is linear in the dimension, and establish
guarantees for the method independent of the choice of composite regularizer.
Finally, we show preliminary results on several datasets.
|
Stride Length Estimation with Deep Learning | Accurate estimation of spatial gait characteristics is critical to assess
motor impairments resulting from neurological or musculoskeletal disease.
Currently, however, methodological constraints limit clinical applicability of
state-of-the-art double integration approaches to gait patterns with a clear
zero-velocity phase. We describe a novel approach to stride length estimation
that uses deep convolutional neural networks to map stride-specific inertial
sensor data to the resulting stride length. The model is trained on a publicly
available and clinically relevant benchmark dataset consisting of 1220 strides
from 101 geriatric patients. Evaluation is done in a 10-fold cross validation
and for three different stride definitions. Even though best results are
achieved with strides defined from mid-stance to mid-stance with average
accuracy and precision of 0.01 $\pm$ 5.37 cm, performance does not strongly
depend on stride definition. The achieved precision outperforms
state-of-the-art methods evaluated on this benchmark dataset by 3.0 cm (36%).
Due to the independence of stride definition, the proposed method is not
subject to the methodological constrains that limit applicability of
state-of-the-art double integration methods. Furthermore, precision on the
benchmark dataset could be improved. With more precise mobile stride length
estimation, new insights to the progression of neurological disease or early
indications might be gained. Due to the independence of stride definition,
previously uncharted diseases in terms of mobile gait analysis can now be
investigated by re-training and applying the proposed method.
|
Sensor-based Gait Parameter Extraction with Deep Convolutional Neural
Networks | Measurement of stride-related, biomechanical parameters is the common
rationale for objective gait impairment scoring. State-of-the-art double
integration approaches to extract these parameters from inertial sensor data
are, however, limited in their clinical applicability due to the underlying
assumptions. To overcome this, we present a method to translate the abstract
information provided by wearable sensors to context-related expert features
based on deep convolutional neural networks. Regarding mobile gait analysis,
this enables integration-free and data-driven extraction of a set of 8
spatio-temporal stride parameters. To this end, two modelling approaches are
compared: A combined network estimating all parameters of interest and an
ensemble approach that spawns less complex networks for each parameter
individually. The ensemble approach is outperforming the combined modelling in
the current application. On a clinically relevant and publicly available
benchmark dataset, we estimate stride length, width and medio-lateral change in
foot angle up to ${-0.15\pm6.09}$ cm, ${-0.09\pm4.22}$ cm and ${0.13 \pm
3.78^\circ}$ respectively. Stride, swing and stance time as well as heel and
toe contact times are estimated up to ${\pm 0.07}$, ${\pm0.05}$, ${\pm 0.07}$,
${\pm0.07}$ and ${\pm0.12}$ s respectively. This is comparable to and in parts
outperforming or defining state-of-the-art. Our results further indicate that
the proposed change in methodology could substitute assumption-driven
double-integration methods and enable mobile assessment of spatio-temporal
stride parameters in clinically critical situations as e.g. in the case of
spastic gait impairments.
|
Finite-sample and asymptotic analysis of generalization ability with an
application to penalized regression | In this paper, we study the performance of extremum estimators from the
perspective of generalization ability (GA): the ability of a model to predict
outcomes in new samples from the same population. By adapting the classical
concentration inequalities, we derive upper bounds on the empirical
out-of-sample prediction errors as a function of the in-sample errors,
in-sample data size, heaviness in the tails of the error distribution, and
model complexity. We show that the error bounds may be used for tuning key
estimation hyper-parameters, such as the number of folds $K$ in
cross-validation. We also show how $K$ affects the bias-variance trade-off for
cross-validation. We demonstrate that the $\mathcal{L}_2$-norm difference
between penalized and the corresponding un-penalized regression estimates is
directly explained by the GA of the estimates and the GA of empirical moment
conditions. Lastly, we prove that all penalized regression estimates are
$L_2$-consistent for both the $n \geqslant p$ and the $n < p$ cases.
Simulations are used to demonstrate key results.
Keywords: generalization ability, upper bound of generalization error,
penalized regression, cross-validation, bias-variance trade-off,
$\mathcal{L}_2$ difference between penalized and unpenalized regression, lasso,
high-dimensional data.
|
A Threshold-based Scheme for Reinforcement Learning in Neural Networks | A generic and scalable Reinforcement Learning scheme for Artificial Neural
Networks is presented, providing a general purpose learning machine. By
reference to a node threshold three features are described 1) A mechanism for
Primary Reinforcement, capable of solving linearly inseparable problems 2) The
learning scheme is extended to include a mechanism for Conditioned
Reinforcement, capable of forming long term strategy 3) The learning scheme is
modified to use a threshold-based deep learning algorithm, providing a robust
and biologically inspired alternative to backpropagation. The model may be used
for supervised as well as unsupervised training regimes.
|
Multi-Label Learning with Provable Guarantee | Here we study the problem of learning labels for large text corpora where
each text can be assigned a variable number of labels. The problem might seem
trivial when the label dimensionality is small and can be easily solved using a
series of one-vs-all classifiers. However, as the label dimensionality
increases to several thousand, the parameter space becomes extremely large, and
it is no longer possible to use the one-vs-all technique. Here we propose a
model based on the factorization of higher order moments of the words in the
corpora, as well as the cross moment between the labels and the words for
multi-label prediction. Our model provides guaranteed convergence bounds on the
estimated parameters. Further, our model takes only three passes through the
training dataset to extract the parameters, resulting in a highly scalable
algorithm that can train on GB's of data consisting of millions of documents
with hundreds of thousands of labels using a nominal resource of a single
processor with 16GB RAM. Our model achieves 10x-15x order of speed-up on
large-scale datasets while producing competitive performance in comparison with
existing benchmark algorithms.
|
Learning Sparse Graphs Under Smoothness Prior | In this paper, we are interested in learning the underlying graph structure
behind training data. Solving this basic problem is essential to carry out any
graph signal processing or machine learning task. To realize this, we assume
that the data is smooth with respect to the graph topology, and we parameterize
the graph topology using an edge sampling function. That is, the graph
Laplacian is expressed in terms of a sparse edge selection vector, which
provides an explicit handle to control the sparsity level of the graph. We
solve the sparse graph learning problem given some training data in both the
noiseless and noisy settings. Given the true smooth data, the posed sparse
graph learning problem can be solved optimally and is based on simple rank
ordering. Given the noisy data, we show that the joint sparse graph learning
and denoising problem can be simplified to designing only the sparse edge
selection vector, which can be solved using convex optimization.
|
Transfer String Kernel for Cross-Context DNA-Protein Binding Prediction | Through sequence-based classification, this paper tries to accurately predict
the DNA binding sites of transcription factors (TFs) in an unannotated cellular
context. Related methods in the literature fail to perform such predictions
accurately, since they do not consider sample distribution shift of sequence
segments from an annotated (source) context to an unannotated (target) context.
We, therefore, propose a method called "Transfer String Kernel" (TSK) that
achieves improved prediction of transcription factor binding site (TFBS) using
knowledge transfer via cross-context sample adaptation. TSK maps sequence
segments to a high-dimensional feature space using a discriminative mismatch
string kernel framework. In this high-dimensional space, labeled examples of
the source context are re-weighted so that the revised sample distribution
matches the target context more closely. We have experimentally verified TSK
for TFBS identifications on fourteen different TFs under a cross-organism
setting. We find that TSK consistently outperforms the state-of the-art TFBS
tools, especially when working with TFs whose binding sequences are not
conserved across contexts. We also demonstrate the generalizability of TSK by
showing its cutting-edge performance on a different set of cross-context tasks
for the MHC peptide binding predictions.
|
WaveNet: A Generative Model for Raw Audio | This paper introduces WaveNet, a deep neural network for generating raw audio
waveforms. The model is fully probabilistic and autoregressive, with the
predictive distribution for each audio sample conditioned on all previous ones;
nonetheless we show that it can be efficiently trained on data with tens of
thousands of samples per second of audio. When applied to text-to-speech, it
yields state-of-the-art performance, with human listeners rating it as
significantly more natural sounding than the best parametric and concatenative
systems for both English and Mandarin. A single WaveNet can capture the
characteristics of many different speakers with equal fidelity, and can switch
between them by conditioning on the speaker identity. When trained to model
music, we find that it generates novel and often highly realistic musical
fragments. We also show that it can be employed as a discriminative model,
returning promising results for phoneme recognition.
|
ZaliQL: A SQL-Based Framework for Drawing Causal Inference from Big Data | Causal inference from observational data is a subject of active research and
development in statistics and computer science. Many toolkits have been
developed for this purpose that depends on statistical software. However, these
toolkits do not scale to large datasets. In this paper we describe a suite of
techniques for expressing causal inference tasks from observational data in
SQL. This suite supports the state-of-the-art methods for causal inference and
run at scale within a database engine. In addition, we introduce several
optimization techniques that significantly speedup causal inference, both in
the online and offline setting. We evaluate the quality and performance of our
techniques by experiments of real datasets.
|
Comment on "Why does deep and cheap learning work so well?"
[arXiv:1608.08225] | In a recent paper, "Why does deep and cheap learning work so well?", Lin and
Tegmark claim to show that the mapping between deep belief networks and the
variational renormalization group derived in [arXiv:1410.3831] is invalid, and
present a "counterexample" that claims to show that this mapping does not hold.
In this comment, we show that these claims are incorrect and stem from a
misunderstanding of the variational RG procedure proposed by Kadanoff. We also
explain why the "counterexample" of Lin and Tegmark is compatible with the
mapping proposed in [arXiv:1410.3831].
|
Online Data Thinning via Multi-Subspace Tracking | In an era of ubiquitous large-scale streaming data, the availability of data
far exceeds the capacity of expert human analysts. In many settings, such data
is either discarded or stored unprocessed in datacenters. This paper proposes a
method of online data thinning, in which large-scale streaming datasets are
winnowed to preserve unique, anomalous, or salient elements for timely expert
analysis. At the heart of this proposed approach is an online anomaly detection
method based on dynamic, low-rank Gaussian mixture models. Specifically, the
high-dimensional covariances matrices associated with the Gaussian components
are associated with low-rank models. According to this model, most observations
lie near a union of subspaces. The low-rank modeling mitigates the curse of
dimensionality associated with anomaly detection for high-dimensional data, and
recent advances in subspace clustering and subspace tracking allow the proposed
method to adapt to dynamic environments. Furthermore, the proposed method
allows subsampling, is robust to missing data, and uses a mini-batch online
optimization approach. The resulting algorithms are scalable, efficient, and
are capable of operating in real time. Experiments on wide-area motion imagery
and e-mail databases illustrate the efficacy of the proposed approach.
|
Co-active Learning to Adapt Humanoid Movement for Manipulation | In this paper we address the problem of robot movement adaptation under
various environmental constraints interactively. Motion primitives are
generally adopted to generate target motion from demonstrations. However, their
generalization capability is weak while facing novel environments.
Additionally, traditional motion generation methods do not consider the
versatile constraints from various users, tasks, and environments. In this
work, we propose a co-active learning framework for learning to adapt robot
end-effector's movement for manipulation tasks. It is designed to adapt the
original imitation trajectories, which are learned from demonstrations, to
novel situations with various constraints. The framework also considers user's
feedback towards the adapted trajectories, and it learns to adapt movement
through human-in-the-loop interactions. The implemented system generalizes
trained motion primitives to various situations with different constraints
considering user preferences. Experiments on a humanoid platform validate the
effectiveness of our approach.
|
An Experimental Study of LSTM Encoder-Decoder Model for Text
Simplification | Text simplification (TS) aims to reduce the lexical and structural complexity
of a text, while still retaining the semantic meaning. Current automatic TS
techniques are limited to either lexical-level applications or manually
defining a large amount of rules. Since deep neural networks are powerful
models that have achieved excellent performance over many difficult tasks, in
this paper, we propose to use the Long Short-Term Memory (LSTM) Encoder-Decoder
model for sentence level TS, which makes minimal assumptions about word
sequence. We conduct preliminary experiments to find that the model is able to
learn operation rules such as reversing, sorting and replacing from sequence
pairs, which shows that the model may potentially discover and apply rules such
as modifying sentence structure, substituting words, and removing words for TS.
|
A Greedy Algorithm to Cluster Specialists | Several recent deep neural networks experiments leverage the
generalist-specialist paradigm for classification. However, no formal study
compared the performance of different clustering algorithms for class
assignment. In this paper we perform such a study, suggest slight modifications
to the clustering procedures, and propose a novel algorithm designed to
optimize the performance of of the specialist-generalist classification system.
Our experiments on the CIFAR-10 and CIFAR-100 datasets allow us to investigate
situations for varying number of classes on similar data. We find that our
\emph{greedy pairs} clustering algorithm consistently outperforms other
alternatives, while the choice of the confusion matrix has little impact on the
final performance.
|
Deep Coevolutionary Network: Embedding User and Item Features for
Recommendation | Recommender systems often use latent features to explain the behaviors of
users and capture the properties of items. As users interact with different
items over time, user and item features can influence each other, evolve and
co-evolve over time. The compatibility of user and item's feature further
influence the future interaction between users and items. Recently, point
process based models have been proposed in the literature aiming to capture the
temporally evolving nature of these latent features. However, these models
often make strong parametric assumptions about the evolution process of the
user and item latent features, which may not reflect the reality, and has
limited power in expressing the complex and nonlinear dynamics underlying these
processes. To address these limitations, we propose a novel deep coevolutionary
network model (DeepCoevolve), for learning user and item features based on
their interaction graph. DeepCoevolve use recurrent neural network (RNN) over
evolving networks to define the intensity function in point processes, which
allows the model to capture complex mutual influence between users and items,
and the feature evolution over time. We also develop an efficient procedure for
training the model parameters, and show that the learned models lead to
significant improvements in recommendation and activity prediction compared to
previous state-of-the-arts parametric models.
|
Unsupervised Monocular Depth Estimation with Left-Right Consistency | Learning based methods have shown very promising results for the task of
depth estimation in single images. However, most existing approaches treat
depth prediction as a supervised regression problem and as a result, require
vast quantities of corresponding ground truth depth data for training. Just
recording quality depth data in a range of environments is a challenging
problem. In this paper, we innovate beyond existing approaches, replacing the
use of explicit depth data during training with easier-to-obtain binocular
stereo footage.
We propose a novel training objective that enables our convolutional neural
network to learn to perform single image depth estimation, despite the absence
of ground truth depth data. Exploiting epipolar geometry constraints, we
generate disparity images by training our network with an image reconstruction
loss. We show that solving for image reconstruction alone results in poor
quality depth images. To overcome this problem, we propose a novel training
loss that enforces consistency between the disparities produced relative to
both the left and right images, leading to improved performance and robustness
compared to existing approaches. Our method produces state of the art results
for monocular depth estimation on the KITTI driving dataset, even outperforming
supervised methods that have been trained with ground truth depth.
|
Making Deep Neural Networks Robust to Label Noise: a Loss Correction
Approach | We present a theoretically grounded approach to train deep neural networks,
including recurrent networks, subject to class-dependent label noise. We
propose two procedures for loss correction that are agnostic to both
application domain and network architecture. They simply amount to at most a
matrix inversion and multiplication, provided that we know the probability of
each class being corrupted into another. We further show how one can estimate
these probabilities, adapting a recent technique for noise estimation to the
multi-class setting, and thus providing an end-to-end framework. Extensive
experiments on MNIST, IMDB, CIFAR-10, CIFAR-100 and a large scale dataset of
clothing images employing a diversity of architectures --- stacking dense,
convolutional, pooling, dropout, batch normalization, word embedding, LSTM and
residual layers --- demonstrate the noise robustness of our proposals.
Incidentally, we also prove that, when ReLU is the only non-linearity, the loss
curvature is immune to class-dependent label noise.
|
3D Simulation for Robot Arm Control with Deep Q-Learning | Recent trends in robot arm control have seen a shift towards end-to-end
solutions, using deep reinforcement learning to learn a controller directly
from raw sensor data, rather than relying on a hand-crafted, modular pipeline.
However, the high dimensionality of the state space often means that it is
impractical to generate sufficient training data with real-world experiments.
As an alternative solution, we propose to learn a robot controller in
simulation, with the potential of then transferring this to a real robot.
Building upon the recent success of deep Q-networks, we present an approach
which uses 3D simulations to train a 7-DOF robotic arm in a control task
without any prior knowledge. The controller accepts images of the environment
as its only input, and outputs motor actions for the task of locating and
grasping a cube, over a range of initial configurations. To encourage efficient
learning, a structured reward function is designed with intermediate rewards.
We also present preliminary results in direct transfer of policies over to a
real robot, without any further training.
|
Analysis of Kelner and Levin graph sparsification algorithm for a
streaming setting | We derive a new proof to show that the incremental resparsification algorithm
proposed by Kelner and Levin (2013) produces a spectral sparsifier in high
probability. We rigorously take into account the dependencies across subsequent
resparsifications using martingale inequalities, fixing a flaw in the original
analysis.
|
Learning conditional independence structure for high-dimensional
uncorrelated vector processes | We formulate and analyze a graphical model selection method for inferring the
conditional independence graph of a high-dimensional nonstationary Gaussian
random process (time series) from a finite-length observation. The observed
process samples are assumed uncorrelated over time and having a time-varying
marginal distribution. The selection method is based on testing conditional
variances obtained for small subsets of process components. This allows to cope
with the high-dimensional regime, where the sample size can be (drastically)
smaller than the process dimension. We characterize the required sample size
such that the proposed selection method is successful with high probability.
|
Character-Level Language Modeling with Hierarchical Recurrent Neural
Networks | Recurrent neural network (RNN) based character-level language models (CLMs)
are extremely useful for modeling out-of-vocabulary words by nature. However,
their performance is generally much worse than the word-level language models
(WLMs), since CLMs need to consider longer history of tokens to properly
predict the next one. We address this problem by proposing hierarchical RNN
architectures, which consist of multiple modules with different timescales.
Despite the multi-timescale structures, the input and output layers operate
with the character-level clock, which allows the existing RNN CLM training
approaches to be directly applicable without any modifications. Our CLM models
show better perplexity than Kneser-Ney (KN) 5-gram WLMs on the One Billion Word
Benchmark with only 2% of parameters. Also, we present real-time
character-level end-to-end speech recognition examples on the Wall Street
Journal (WSJ) corpus, where replacing traditional mono-clock RNN CLMs with the
proposed models results in better recognition accuracies even though the number
of parameters are reduced to 30%.
|
Crafting a multi-task CNN for viewpoint estimation | Convolutional Neural Networks (CNNs) were recently shown to provide
state-of-the-art results for object category viewpoint estimation. However
different ways of formulating this problem have been proposed and the competing
approaches have been explored with very different design choices. This paper
presents a comparison of these approaches in a unified setting as well as a
detailed analysis of the key factors that impact performance. Followingly, we
present a new joint training method with the detection task and demonstrate its
benefit. We also highlight the superiority of classification approaches over
regression approaches, quantify the benefits of deeper architectures and
extended training data, and demonstrate that synthetic data is beneficial even
when using ImageNet training data. By combining all these elements, we
demonstrate an improvement of approximately 5% mAVP over previous
state-of-the-art results on the Pascal3D+ dataset. In particular for their most
challenging 24 view classification task we improve the results from 31.1% to
36.1% mAVP.
|
Information Theoretic Structure Learning with Confidence | Information theoretic measures (e.g. the Kullback Liebler divergence and
Shannon mutual information) have been used for exploring possibly nonlinear
multivariate dependencies in high dimension. If these dependencies are assumed
to follow a Markov factor graph model, this exploration process is called
structure discovery. For discrete-valued samples, estimates of the information
divergence over the parametric class of multinomial models lead to structure
discovery methods whose mean squared error achieves parametric convergence
rates as the sample size grows. However, a naive application of this method to
continuous nonparametric multivariate models converges much more slowly. In
this paper we introduce a new method for nonparametric structure discovery that
uses weighted ensemble divergence estimators that achieve parametric
convergence rates and obey an asymptotic central limit theorem that facilitates
hypothesis testing and other types of statistical validation.
|
Noisy Inductive Matrix Completion Under Sparse Factor Models | Inductive Matrix Completion (IMC) is an important class of matrix completion
problems that allows direct inclusion of available features to enhance
estimation capabilities. These models have found applications in personalized
recommendation systems, multilabel learning, dictionary learning, etc. This
paper examines a general class of noisy matrix completion tasks where the
underlying matrix is following an IMC model i.e., it is formed by a mixing
matrix (a priori unknown) sandwiched between two known feature matrices. The
mixing matrix here is assumed to be well approximated by the product of two
sparse matrices---referred here to as "sparse factor models." We leverage the
main theorem of Soni:2016:NMC and extend it to provide theoretical error bounds
for the sparsity-regularized maximum likelihood estimators for the class of
problems discussed in this paper. The main result is general in the sense that
it can be used to derive error bounds for various noise models. In this paper,
we instantiate our main result for the case of Gaussian noise and provide
corresponding error bounds in terms of squared loss.
|
Self-Sustaining Iterated Learning | An important result from psycholinguistics (Griffiths & Kalish, 2005) states
that no language can be learned iteratively by rational agents in a
self-sustaining manner. We show how to modify the learning process slightly in
order to achieve self-sustainability. Our work is in two parts. First, we
characterize iterated learnability in geometric terms and show how a slight,
steady increase in the lengths of the training sessions ensures
self-sustainability for any discrete language class. In the second part, we
tackle the nondiscrete case and investigate self-sustainability for iterated
linear regression. We discuss the implications of our findings to issues of
non-equilibrium dynamics in natural algorithms.
|
Tracking Tensor Subspaces with Informative Random Sampling for Real-Time
MR Imaging | Magnetic resonance imaging (MRI) nowadays serves as an important modality for
diagnostic and therapeutic guidance in clinics. However, the {\it slow
acquisition} process, the dynamic deformation of organs, as well as the need
for {\it real-time} reconstruction, pose major challenges toward obtaining
artifact-free images. To cope with these challenges, the present paper
advocates a novel subspace learning framework that permeates benefits from
parallel factor (PARAFAC) decomposition of tensors (multiway data) to low-rank
modeling of temporal sequence of images. Treating images as multiway data
arrays, the novel method preserves spatial structures and unravels the latent
correlations across various dimensions by means of the tensor subspace.
Leveraging the spatio-temporal correlation of images, Tykhonov regularization
is adopted as a rank surrogate for a least-squares optimization program.
Alteranating majorization minimization is adopted to develop online algorithms
that recursively procure the reconstruction upon arrival of a new undersampled
$k$-space frame. The developed algorithms are {\it provably convergent} and
highly {\it parallelizable} with lightweight FFT tasks per iteration. To
further accelerate the acquisition process, randomized subsampling policies are
devised that leverage intermediate estimates of the tensor subspace, offered by
the online scheme, to {\it randomly} acquire {\it informative} $k$-space
samples. In a nutshell, the novel approach enables tracking motion dynamics
under low acquisition rates `on the fly.' GPU-based tests with real {\it in
vivo} MRI datasets of cardiac cine images corroborate the merits of the novel
approach relative to state-of-the-art alternatives.
|
Network learning via multi-agent inverse transportation problems | Despite the ubiquity of transportation data, methods to infer the state
parameters of a network either ignore sensitivity of route decisions, require
route enumeration for parameterizing descriptive models of route selection, or
require complex bilevel models of route assignment behavior. These limitations
prevent modelers from fully exploiting ubiquitous data in monitoring
transportation networks. Inverse optimization methods that capture network
route choice behavior can address this gap, but they are designed to take
observations of the same model to learn the parameters of that model, which is
statistically inefficient (e.g. requires estimating population route and link
flows). New inverse optimization models and supporting algorithms are proposed
to learn the parameters of heterogeneous travelers' route behavior to infer
shared network state parameters (e.g. link capacity dual prices). The inferred
values are consistent with observations of each agent's optimization behavior.
We prove that the method can obtain unique dual prices for a network shared by
these agents in polynomial time. Four experiments are conducted. The first one,
conducted on a 4-node network, verifies the methodology to obtain heterogeneous
link cost parameters even when multinomial or mixed logit models would not be
meaningfully estimated. The second is a parameter recovery test on the
Nguyen-Dupuis network that shows that unique latent link capacity dual prices
can be inferred using the proposed method. The third test on the same network
demonstrates how a monitoring system in an online learning environment can be
designed using this method. The last test demonstrates this learning on real
data obtained from a freeway network in Queens, New York, using only real-time
Google Maps queries.
|
Proceedings of the third "international Traveling Workshop on
Interactions between Sparse models and Technology" (iTWIST'16) | The third edition of the "international - Traveling Workshop on Interactions
between Sparse models and Technology" (iTWIST) took place in Aalborg, the 4th
largest city in Denmark situated beautifully in the northern part of the
country, from the 24th to 26th of August 2016. The workshop venue was at the
Aalborg University campus. One implicit objective of this biennial workshop is
to foster collaboration between international scientific teams by disseminating
ideas through both specific oral/poster presentations and free discussions. For
this third edition, iTWIST'16 gathered about 50 international participants and
features 8 invited talks, 12 oral presentations, and 12 posters on the
following themes, all related to the theory, application and generalization of
the "sparsity paradigm": Sparsity-driven data sensing and processing (e.g.,
optics, computer vision, genomics, biomedical, digital communication, channel
estimation, astronomy); Application of sparse models in non-convex/non-linear
inverse problems (e.g., phase retrieval, blind deconvolution, self
calibration); Approximate probabilistic inference for sparse problems; Sparse
machine learning and inference; "Blind" inverse problems and dictionary
learning; Optimization for sparse modelling; Information theory, geometry and
randomness; Sparsity? What's next? (Discrete-valued signals; Union of
low-dimensional spaces, Cosparsity, mixed/group norm, model-based,
low-complexity models, ...); Matrix/manifold sensing/processing (graph,
low-rank approximation, ...); Complexity/accuracy tradeoffs in numerical
methods/optimization; Electronic/optical compressive sensors (hardware).
|
Formalizing Neurath's Ship: Approximate Algorithms for Online Causal
Learning | Higher-level cognition depends on the ability to learn models of the world.
We can characterize this at the computational level as a structure-learning
problem with the goal of best identifying the prevailing causal relationships
among a set of relata. However, the computational cost of performing exact
Bayesian inference over causal models grows rapidly as the number of relata
increases. This implies that the cognitive processes underlying causal learning
must be substantially approximate. A powerful class of approximations that
focuses on the sequential absorption of successive inputs is captured by the
Neurath's ship metaphor in philosophy of science, where theory change is cast
as a stochastic and gradual process shaped as much by people's limited
willingness to abandon their current theory when considering alternatives as by
the ground truth they hope to approach. Inspired by this metaphor and by
algorithms for approximating Bayesian inference in machine learning, we propose
an algorithmic-level model of causal structure learning under which learners
represent only a single global hypothesis that they update locally as they
gather evidence. We propose a related scheme for understanding how, under these
limitations, learners choose informative interventions that manipulate the
causal system to help elucidate its workings. We find support for our approach
in the analysis of four experiments.
|
Convolutional Recurrent Neural Networks for Music Classification | We introduce a convolutional recurrent neural network (CRNN) for music
tagging. CRNNs take advantage of convolutional neural networks (CNNs) for local
feature extraction and recurrent neural networks for temporal summarisation of
the extracted features. We compare CRNN with three CNN structures that have
been used for music tagging while controlling the number of parameters with
respect to their performance and training time per sample. Overall, we found
that CRNNs show a strong performance with respect to the number of parameter
and training time, indicating the effectiveness of its hybrid structure in
music feature extraction and feature summarisation.
|
Efficient softmax approximation for GPUs | We propose an approximate strategy to efficiently train neural network based
language models over very large vocabularies. Our approach, called adaptive
softmax, circumvents the linear dependency on the vocabulary size by exploiting
the unbalanced word distribution to form clusters that explicitly minimize the
expectation of computation time. Our approach further reduces the computational
time by exploiting the specificities of modern architectures and matrix-matrix
vector operations, making it particularly suited for graphical processing
units. Our experiments carried out on standard benchmarks, such as EuroParl and
One Billion Word, show that our approach brings a large gain in efficiency over
standard approximations while achieving an accuracy close to that of the full
softmax. The code of our method is available at
https://github.com/facebookresearch/adaptive-softmax.
|
Very Simple Classifier: a Concept Binary Classifier toInvestigate
Features Based on Subsampling and Localility | We propose Very Simple Classifier (VSC) a novel method designed to
incorporate the concepts of subsampling and locality in the definition of
features to be used as the input of a perceptron. The rationale is that
locality theoretically guarantees a bound on the generalization error. Each
feature in VSC is a max-margin classifier built on randomly-selected pairs of
samples. The locality in VSC is achieved by multiplying the value of the
feature by a confidence measure that can be characterized in terms of the
Chebichev inequality. The output of the layer is then fed in a output layer of
neurons. The weights of the output layer are then determined by a regularized
pseudoinverse. Extensive comparison of VSC against 9 competitors in the task of
binary classification is carried out. Results on 22 benchmark datasets with
fixed parameters show that VSC is competitive with the Multi Layer Perceptron
(MLP) and outperforms the other competitors. An exploration of the parameter
space shows VSC can outperform MLP.
|
A Perspective on Deep Imaging | The combination of tomographic imaging and deep learning, or machine learning
in general, promises to empower not only image analysis but also image
reconstruction. The latter aspect is considered in this perspective article
with an emphasis on medical imaging to develop a new generation of image
reconstruction theories and techniques. This direction might lead to
intelligent utilization of domain knowledge from big data, innovative
approaches for image reconstruction, and superior performance in clinical and
preclinical applications. To realize the full impact of machine learning on
medical imaging, major challenges must be addressed.
|
Bayesian Reinforcement Learning: A Survey | Bayesian methods for machine learning have been widely investigated, yielding
principled methods for incorporating prior information into inference
algorithms. In this survey, we provide an in-depth review of the role of
Bayesian methods for the reinforcement learning (RL) paradigm. The major
incentives for incorporating Bayesian reasoning in RL are: 1) it provides an
elegant approach to action-selection (exploration/exploitation) as a function
of the uncertainty in learning; and 2) it provides a machinery to incorporate
prior knowledge into the algorithms. We first discuss models and methods for
Bayesian inference in the simple single-step Bandit model. We then review the
extensive recent literature on Bayesian methods for model-based RL, where prior
information can be expressed on the parameters of the Markov model. We also
present Bayesian methods for model-free RL, where priors are expressed over the
value function or policy class. The objective of the paper is to provide a
comprehensive survey on Bayesian RL algorithms and their theoretical and
empirical properties.
|
Sampling Generative Networks | We introduce several techniques for sampling and visualizing the latent
spaces of generative models. Replacing linear interpolation with spherical
linear interpolation prevents diverging from a model's prior distribution and
produces sharper samples. J-Diagrams and MINE grids are introduced as
visualizations of manifolds created by analogies and nearest neighbors. We
demonstrate two new techniques for deriving attribute vectors: bias-corrected
vectors with data replication and synthetic vectors with data augmentation.
Binary classification using attribute vectors is presented as a technique
supporting quantitative analysis of the latent space. Most techniques are
intended to be independent of model type and examples are shown on both
Variational Autoencoders and Generative Adversarial Networks.
|
Tsallis Regularized Optimal Transport and Ecological Inference | Optimal transport is a powerful framework for computing distances between
probability distributions. We unify the two main approaches to optimal
transport, namely Monge-Kantorovitch and Sinkhorn-Cuturi, into what we define
as Tsallis regularized optimal transport (\trot). \trot~interpolates a rich
family of distortions from Wasserstein to Kullback-Leibler, encompassing as
well Pearson, Neyman and Hellinger divergences, to name a few. We show that
metric properties known for Sinkhorn-Cuturi generalize to \trot, and provide
efficient algorithms for finding the optimal transportation plan with formal
convergence proofs. We also present the first application of optimal transport
to the problem of ecological inference, that is, the reconstruction of joint
distributions from their marginals, a problem of large interest in the social
sciences. \trot~provides a convenient framework for ecological inference by
allowing to compute the joint distribution --- that is, the optimal
transportation plan itself --- when side information is available, which is
\textit{e.g.} typically what census represents in political science.
Experiments on data from the 2012 US presidential elections display the
potential of \trot~in delivering a faithful reconstruction of the joint
distribution of ethnic groups and voter preferences.
|
Column Networks for Collective Classification | Relational learning deals with data that are characterized by relational
structures. An important task is collective classification, which is to jointly
classify networked objects. While it holds a great promise to produce a better
accuracy than non-collective classifiers, collective classification is
computational challenging and has not leveraged on the recent breakthroughs of
deep learning. We present Column Network (CLN), a novel deep learning model for
collective classification in multi-relational domains. CLN has many desirable
theoretical properties: (i) it encodes multi-relations between any two
instances; (ii) it is deep and compact, allowing complex functions to be
approximated at the network level with a small set of free parameters; (iii)
local and relational features are learned simultaneously; (iv) long-range,
higher-order dependencies between instances are supported naturally; and (v)
crucially, learning and inference are efficient, linear in the size of the
network and the number of relations. We evaluate CLN on multiple real-world
applications: (a) delay prediction in software projects, (b) PubMed Diabetes
publication classification and (c) film genre classification. In all
applications, CLN demonstrates a higher accuracy than state-of-the-art rivals.
|
Structured Dropout for Weak Label and Multi-Instance Learning and Its
Application to Score-Informed Source Separation | Many success stories involving deep neural networks are instances of
supervised learning, where available labels power gradient-based learning
methods. Creating such labels, however, can be expensive and thus there is
increasing interest in weak labels which only provide coarse information, with
uncertainty regarding time, location or value. Using such labels often leads to
considerable challenges for the learning process. Current methods for
weak-label training often employ standard supervised approaches that
additionally reassign or prune labels during the learning process. The
information gain, however, is often limited as only the importance of labels
where the network already yields reasonable results is boosted. We propose
treating weak-label training as an unsupervised problem and use the labels to
guide the representation learning to induce structure. To this end, we propose
two autoencoder extensions: class activity penalties and structured dropout. We
demonstrate the capabilities of our approach in the context of score-informed
source separation of music.
|
Recursive nearest agglomeration (ReNA): fast clustering for
approximation of structured signals | In this work, we revisit fast dimension reduction approaches, as with random
projections and random sampling. Our goal is to summarize the data to decrease
computational costs and memory footprint of subsequent analysis. Such dimension
reduction can be very efficient when the signals of interest have a strong
structure, such as with images. We focus on this setting and investigate
feature clustering schemes for data reductions that capture this structure. An
impediment to fast dimension reduction is that good clustering comes with large
algorithmic costs. We address it by contributing a linear-time agglomerative
clustering scheme, Recursive Nearest Agglomeration (ReNA). Unlike existing fast
agglomerative schemes, it avoids the creation of giant clusters. We empirically
validate that it approximates the data as well as traditional
variance-minimizing clustering schemes that have a quadratic complexity. In
addition, we analyze signal approximation with feature clustering and show that
it can remove noise, improving subsequent analysis steps. As a consequence,
data reduction by clustering features with ReNA yields very fast and accurate
models, enabling to process large datasets on budget. Our theoretical analysis
is backed by extensive experiments on publicly-available data that illustrate
the computation efficiency and the denoising properties of the resulting
dimension reduction scheme.
|
On Unbounded Delays in Asynchronous Parallel Fixed-Point Algorithms | The need for scalable numerical solutions has motivated the development of
asynchronous parallel algorithms, where a set of nodes run in parallel with
little or no synchronization, thus computing with delayed information. This
paper studies the convergence of the asynchronous parallel algorithm ARock
under potentially unbounded delays.
ARock is a general asynchronous algorithm that has many applications. It
parallelizes fixed-point iterations by letting a set of nodes randomly choose
solution coordinates and update them in an asynchronous parallel fashion. ARock
takes some recent asynchronous coordinate descent algorithms as special cases
and gives rise to new asynchronous operator-splitting algorithms. Existing
analysis of ARock assumes the delays to be bounded, and uses this bound to set
a step size that is important to both convergence and efficiency. Other work,
though allowing unbounded delays, imposes strict conditions on the underlying
fixed-point operator, resulting in limited applications.
In this paper, convergence is established under unbounded delays, which can
be either stochastic or deterministic. The proposed step sizes are more
practical and generally larger than those in the existing work. The step size
adapts to the delay distribution or the current delay being experienced in the
system. New Lyapunov functions, which are the key to analyzing asynchronous
algorithms, are generated to obtain our results. A set of applicable
optimization algorithms with large-scale applications are given, including
machine learning and scientific computing algorithms.
|
An overview of gradient descent optimization algorithms | Gradient descent optimization algorithms, while increasingly popular, are
often used as black-box optimizers, as practical explanations of their
strengths and weaknesses are hard to come by. This article aims to provide the
reader with intuitions with regard to the behaviour of different algorithms
that will allow her to put them to use. In the course of this overview, we look
at different variants of gradient descent, summarize challenges, introduce the
most common optimization algorithms, review architectures in a parallel and
distributed setting, and investigate additional strategies for optimizing
gradient descent.
|
Coherence Pursuit: Fast, Simple, and Robust Principal Component Analysis | This paper presents a remarkably simple, yet powerful, algorithm termed
Coherence Pursuit (CoP) to robust Principal Component Analysis (PCA). As
inliers lie in a low dimensional subspace and are mostly correlated, an inlier
is likely to have strong mutual coherence with a large number of data points.
By contrast, outliers either do not admit low dimensional structures or form
small clusters. In either case, an outlier is unlikely to bear strong
resemblance to a large number of data points. Given that, CoP sets an outlier
apart from an inlier by comparing their coherence with the rest of the data
points. The mutual coherences are computed by forming the Gram matrix of the
normalized data points. Subsequently, the sought subspace is recovered from the
span of the subset of the data points that exhibit strong coherence with the
rest of the data. As CoP only involves one simple matrix multiplication, it is
significantly faster than the state-of-the-art robust PCA algorithms. We derive
analytical performance guarantees for CoP under different models for the
distributions of inliers and outliers in both noise-free and noisy settings.
CoP is the first robust PCA algorithm that is simultaneously non-iterative,
provably robust to both unstructured and structured outliers, and can tolerate
a large number of unstructured outliers.
|
On Large-Batch Training for Deep Learning: Generalization Gap and Sharp
Minima | The stochastic gradient descent (SGD) method and its variants are algorithms
of choice for many Deep Learning tasks. These methods operate in a small-batch
regime wherein a fraction of the training data, say $32$-$512$ data points, is
sampled to compute an approximation to the gradient. It has been observed in
practice that when using a larger batch there is a degradation in the quality
of the model, as measured by its ability to generalize. We investigate the
cause for this generalization drop in the large-batch regime and present
numerical evidence that supports the view that large-batch methods tend to
converge to sharp minimizers of the training and testing functions - and as is
well known, sharp minima lead to poorer generalization. In contrast,
small-batch methods consistently converge to flat minimizers, and our
experiments support a commonly held view that this is due to the inherent noise
in the gradient estimation. We discuss several strategies to attempt to help
large-batch methods eliminate this generalization gap.
|
Predicting Shot Making in Basketball Learnt from Adversarial Multiagent
Trajectories | In this paper, we predict the likelihood of a player making a shot in
basketball from multiagent trajectories. Previous approaches to similar
problems center on hand-crafting features to capture domain specific knowledge.
Although intuitive, recent work in deep learning has shown this approach is
prone to missing important predictive features. To circumvent this issue, we
present a convolutional neural network (CNN) approach where we initially
represent the multiagent behavior as an image. To encode the adversarial nature
of basketball, we use a multi-channel image which we then feed into a CNN.
Additionally, to capture the temporal aspect of the trajectories we "fade" the
player trajectories. We find that this approach is superior to a traditional
FFN model. By using gradient ascent to create images using an already trained
CNN, we discover what features the CNN filters learn. Last, we find that a
combined CNN+FFN is the best performing network with an error rate of 39%.
|
Image-to-Markup Generation with Coarse-to-Fine Attention | We present a neural encoder-decoder model to convert images into
presentational markup based on a scalable coarse-to-fine attention mechanism.
Our method is evaluated in the context of image-to-LaTeX generation, and we
introduce a new dataset of real-world rendered mathematical expressions paired
with LaTeX markup. We show that unlike neural OCR techniques using CTC-based
models, attention-based approaches can tackle this non-standard OCR task. Our
approach outperforms classical mathematical OCR systems by a large margin on
in-domain rendered data, and, with pretraining, also performs well on
out-of-domain handwritten data. To reduce the inference complexity associated
with the attention-based approaches, we introduce a new coarse-to-fine
attention layer that selects a support region before applying attention.
|
Exploration Potential | We introduce exploration potential, a quantity that measures how much a
reinforcement learning agent has explored its environment class. In contrast to
information gain, exploration potential takes the problem's reward structure
into account. This leads to an exploration criterion that is both necessary and
sufficient for asymptotic optimality (learning to act optimally across the
entire environment class). Our experiments in multi-armed bandits use
exploration potential to illustrate how different algorithms make the tradeoff
between exploration and exploitation.
|
A Formal Solution to the Grain of Truth Problem | A Bayesian agent acting in a multi-agent environment learns to predict the
other agents' policies if its prior assigns positive probability to them (in
other words, its prior contains a \emph{grain of truth}). Finding a reasonably
large class of policies that contains the Bayes-optimal policies with respect
to this class is known as the \emph{grain of truth problem}. Only small classes
are known to have a grain of truth and the literature contains several related
impossibility results. In this paper we present a formal and general solution
to the full grain of truth problem: we construct a class of policies that
contains all computable policies as well as Bayes-optimal policies for every
lower semicomputable prior over the class. When the environment is unknown,
Bayes-optimal agents may fail to act optimally even asymptotically. However,
agents based on Thompson sampling converge to play {\epsilon}-Nash equilibria
in arbitrary unknown computable multi-agent environments. While these results
are purely theoretical, we show that they can be computationally approximated
arbitrarily closely.
|
Learning Opposites Using Neural Networks | Many research works have successfully extended algorithms such as
evolutionary algorithms, reinforcement agents and neural networks using
"opposition-based learning" (OBL). Two types of the "opposites" have been
defined in the literature, namely \textit{type-I} and \textit{type-II}. The
former are linear in nature and applicable to the variable space, hence easy to
calculate. On the other hand, type-II opposites capture the "oppositeness" in
the output space. In fact, type-I opposites are considered a special case of
type-II opposites where inputs and outputs have a linear relationship. However,
in many real-world problems, inputs and outputs do in fact exhibit a nonlinear
relationship. Therefore, type-II opposites are expected to be better in
capturing the sense of "opposition" in terms of the input-output relation. In
the absence of any knowledge about the problem at hand, there seems to be no
intuitive way to calculate the type-II opposites. In this paper, we introduce
an approach to learn type-II opposites from the given inputs and their outputs
using the artificial neural networks (ANNs). We first perform \emph{opposition
mining} on the sample data, and then use the mined data to learn the
relationship between input $x$ and its opposite $\breve{x}$. We have validated
our algorithm using various benchmark functions to compare it against an
evolving fuzzy inference approach that has been recently introduced. The
results show the better performance of a neural approach to learn the
opposites. This will create new possibilities for integrating oppositional
schemes within existing algorithms promising a potential increase in
convergence speed and/or accuracy.
|
No-Regret Replanning under Uncertainty | This paper explores the problem of path planning under uncertainty.
Specifically, we consider online receding horizon based planners that need to
operate in a latent environment where the latent information can be modeled via
Gaussian Processes. Online path planning in latent environments is challenging
since the robot needs to explore the environment to get a more accurate model
of latent information for better planning later and also achieves the task as
quick as possible. We propose UCB style algorithms that are popular in the
bandit settings and show how those analyses can be adapted to the online
robotic path planning problems. The proposed algorithm trades-off exploration
and exploitation in near-optimal manner and has appealing no-regret properties.
We demonstrate the efficacy of the framework on the application of aircraft
flight path planning when the winds are partially observed.
|
Information Theoretic Limits of Data Shuffling for Distributed Learning | Data shuffling is one of the fundamental building blocks for distributed
learning algorithms, that increases the statistical gain for each step of the
learning process. In each iteration, different shuffled data points are
assigned by a central node to a distributed set of workers to perform local
computations, which leads to communication bottlenecks. The focus of this paper
is on formalizing and understanding the fundamental information-theoretic
trade-off between storage (per worker) and the worst-case communication
overhead for the data shuffling problem. We completely characterize the
information theoretic trade-off for $K=2$, and $K=3$ workers, for any value of
storage capacity, and show that increasing the storage across workers can
reduce the communication overhead by leveraging coding. We propose a novel and
systematic data delivery and storage update strategy for each data shuffle
iteration, which preserves the structural properties of the storage across the
workers, and aids in minimizing the communication overhead in subsequent data
shuffling iterations.
|
Gradient Descent Learns Linear Dynamical Systems | We prove that stochastic gradient descent efficiently converges to the global
optimizer of the maximum likelihood objective of an unknown linear
time-invariant dynamical system from a sequence of noisy observations generated
by the system. Even though the objective function is non-convex, we provide
polynomial running time and sample complexity bounds under strong but natural
assumptions. Linear systems identification has been studied for many decades,
yet, to the best of our knowledge, these are the first polynomial guarantees
for the problem we consider.
|
Scaling up Echo-State Networks with multiple light scattering | Echo-State Networks and Reservoir Computing have been studied for more than a
decade. They provide a simpler yet powerful alternative to Recurrent Neural
Networks, every internal weight is fixed and only the last linear layer is
trained. They involve many multiplications by dense random matrices. Very large
networks are difficult to obtain, as the complexity scales quadratically both
in time and memory. Here, we present a novel optical implementation of
Echo-State Networks using light-scattering media and a Digital Micromirror
Device. As a proof of concept, binary networks have been successfully trained
to predict the chaotic Mackey-Glass time series. This new method is fast, power
efficient and easily scalable to very large networks.
|
ReasoNet: Learning to Stop Reading in Machine Comprehension | Teaching a computer to read and answer general questions pertaining to a
document is a challenging yet unsolved problem. In this paper, we describe a
novel neural network architecture called the Reasoning Network (ReasoNet) for
machine comprehension tasks. ReasoNets make use of multiple turns to
effectively exploit and then reason over the relation among queries, documents,
and answers. Different from previous approaches using a fixed number of turns
during inference, ReasoNets introduce a termination state to relax this
constraint on the reasoning depth. With the use of reinforcement learning,
ReasoNets can dynamically determine whether to continue the comprehension
process after digesting intermediate results, or to terminate reading when it
concludes that existing information is adequate to produce an answer. ReasoNets
have achieved exceptional performance in machine comprehension datasets,
including unstructured CNN and Daily Mail datasets, the Stanford SQuAD dataset,
and a structured Graph Reachability dataset.
|
Sparse Boltzmann Machines with Structure Learning as Applied to Text
Analysis | We are interested in exploring the possibility and benefits of structure
learning for deep models. As the first step, this paper investigates the matter
for Restricted Boltzmann Machines (RBMs). We conduct the study with Replicated
Softmax, a variant of RBMs for unsupervised text analysis. We present a method
for learning what we call Sparse Boltzmann Machines, where each hidden unit is
connected to a subset of the visible units instead of all of them. Empirical
results show that the method yields models with significantly improved model
fit and interpretability as compared with RBMs where each hidden unit is
connected to all visible units.
|
Fast and Effective Algorithms for Symmetric Nonnegative Matrix
Factorization | Symmetric Nonnegative Matrix Factorization (SNMF) models arise naturally as
simple reformulations of many standard clustering algorithms including the
popular spectral clustering method. Recent work has demonstrated that an
elementary instance of SNMF provides superior clustering quality compared to
many classic clustering algorithms on a variety of synthetic and real world
data sets. In this work, we present novel reformulations of this instance of
SNMF based on the notion of variable splitting and produce two fast and
effective algorithms for its optimization using i) the provably convergent
Accelerated Proximal Gradient (APG) procedure and ii) a heuristic version of
the Alternating Direction Method of Multipliers (ADMM) framework. Our two
algorithms present an interesting tradeoff between computational speed and
mathematical convergence guarantee: while the former method is provably
convergent it is considerably slower than the latter approach, for which we
also provide significant but less stringent mathematical proof regarding its
convergence. Through extensive experiments we show not only that the efficacy
of these approaches is equal to that of the state of the art SNMF algorithm,
but also that the latter of our algorithms is extremely fast being one to two
orders of magnitude faster in terms of total computation time than the state of
the art approach, outperforming even spectral clustering in terms of
computation time on large data sets.
|
Leveraging Environmental Correlations: The Thermodynamics of Requisite
Variety | Key to biological success, the requisite variety that confronts an adaptive
organism is the set of detectable, accessible, and controllable states in its
environment. We analyze its role in the thermodynamic functioning of
information ratchets---a form of autonomous Maxwellian Demon capable of
exploiting fluctuations in an external information reservoir to harvest useful
work from a thermal bath. This establishes a quantitative paradigm for
understanding how adaptive agents leverage structured thermal environments for
their own thermodynamic benefit. General ratchets behave as memoryful
communication channels, interacting with their environment sequentially and
storing results to an output. The bulk of thermal ratchets analyzed to date,
however, assume memoryless environments that generate input signals without
temporal correlations. Employing computational mechanics and a new
information-processing Second Law of Thermodynamics (IPSL) we remove these
restrictions, analyzing general finite-state ratchets interacting with
structured environments that generate correlated input signals. On the one
hand, we demonstrate that a ratchet need not have memory to exploit an
uncorrelated environment. On the other, and more appropriate to biological
adaptation, we show that a ratchet must have memory to most effectively
leverage structure and correlation in its environment. The lesson is that to
optimally harvest work a ratchet's memory must reflect the input generator's
memory. Finally, we investigate achieving the IPSL bounds on the amount of work
a ratchet can extract from its environment, discovering that finite-state,
optimal ratchets are unable to reach these bounds. In contrast, we show that
infinite-state ratchets can go well beyond these bounds by utilizing their own
infinite "negentropy". We conclude with an outline of the collective
thermodynamics of information-ratchet swarms.
|
Online Learning of Combinatorial Objects via Extended Formulation | The standard techniques for online learning of combinatorial objects perform
multiplicative updates followed by projections into the convex hull of all the
objects. However, this methodology can be expensive if the convex hull contains
many facets. For example, the convex hull of $n$-symbol Huffman trees is known
to have exponentially many facets (Maurras et al., 2010). We get around this
difficulty by exploiting extended formulations (Kaibel, 2011), which encode the
polytope of combinatorial objects in a higher dimensional "extended" space with
only polynomially many facets. We develop a general framework for converting
extended formulations into efficient online algorithms with good relative loss
bounds. We present applications of our framework to online learning of Huffman
trees and permutations. The regret bounds of the resulting algorithms are
within a factor of $O(\sqrt{\log(n)})$ of the state-of-the-art specialized
algorithms for permutations, and depending on the loss regimes, improve on or
match the state-of-the-art for Huffman trees. Our method is general and can be
applied to other combinatorial objects.
|
ADAGIO: Fast Data-aware Near-Isometric Linear Embeddings | Many important applications, including signal reconstruction, parameter
estimation, and signal processing in a compressed domain, rely on a
low-dimensional representation of the dataset that preserves {\em all} pairwise
distances between the data points and leverages the inherent geometric
structure that is typically present. Recently Hedge, Sankaranarayanan, Yin and
Baraniuk \cite{hedge2015} proposed the first data-aware near-isometric linear
embedding which achieves the best of both worlds. However, their method NuMax
does not scale to large-scale datasets.
Our main contribution is a simple, data-aware, near-isometric linear
dimensionality reduction method which significantly outperforms a
state-of-the-art method \cite{hedge2015} with respect to scalability while
achieving high quality near-isometries. Furthermore, our method comes with
strong worst-case theoretical guarantees that allow us to guarantee the quality
of the obtained near-isometry. We verify experimentally the efficiency of our
method on numerous real-world datasets, where we find that our method ($<$10
secs) is more than 3\,000$\times$ faster than the state-of-the-art method
\cite{hedge2015} ($>$9 hours) on medium scale datasets with 60\,000 data points
in 784 dimensions. Finally, we use our method as a preprocessing step to
increase the computational efficiency of a classification application and for
speeding up approximate nearest neighbor queries.
|
Predicting Future Shanghai Stock Market Price using ANN in the Period
21-Sep-2016 to 11-Oct-2016 | Predicting the prices of stocks at any stock market remains a quest for many
investors and researchers. Those who trade at the stock market tend to use
technical, fundamental or time series analysis in their predictions. These
methods usually guide on trends and not the exact likely prices. It is for this
reason that Artificial Intelligence systems, such as Artificial Neural Network,
that is feedforward multi-layer perceptron with error backpropagation, can be
used for such predictions. A difficulty in neural network application is the
determination of suitable network parameters. A previous research by the author
already determined the network parameters as 5:21:21:1 with 80% training data
or 4-year of training data as a good enough model for stock prediction. This
model has been put to the test in predicting selected Shanghai Stock Exchange
stocks in the future period of 21-Sep-2016 to 11-Oct-2016, about one week after
the publication of these predictions. The research aims at confirming that
simple neural network systems can be quite powerful in typical stock market
predictions.
|
A Deep Metric for Multimodal Registration | Multimodal registration is a challenging problem in medical imaging due the
high variability of tissue appearance under different imaging modalities. The
crucial component here is the choice of the right similarity measure. We make a
step towards a general learning-based solution that can be adapted to specific
situations and present a metric based on a convolutional neural network. Our
network can be trained from scratch even from a few aligned image pairs. The
metric is validated on intersubject deformable registration on a dataset
different from the one used for training, demonstrating good generalization. In
this task, we outperform mutual information by a significant margin.
|
SeqGAN: Sequence Generative Adversarial Nets with Policy Gradient | As a new way of training generative models, Generative Adversarial Nets (GAN)
that uses a discriminative model to guide the training of the generative model
has enjoyed considerable success in generating real-valued data. However, it
has limitations when the goal is for generating sequences of discrete tokens. A
major reason lies in that the discrete outputs from the generative model make
it difficult to pass the gradient update from the discriminative model to the
generative model. Also, the discriminative model can only assess a complete
sequence, while for a partially generated sequence, it is non-trivial to
balance its current score and the future one once the entire sequence has been
generated. In this paper, we propose a sequence generation framework, called
SeqGAN, to solve the problems. Modeling the data generator as a stochastic
policy in reinforcement learning (RL), SeqGAN bypasses the generator
differentiation problem by directly performing gradient policy update. The RL
reward signal comes from the GAN discriminator judged on a complete sequence,
and is passed back to the intermediate state-action steps using Monte Carlo
search. Extensive experiments on synthetic data and real-world tasks
demonstrate significant improvements over strong baselines.
|
Probabilistic Feature Selection and Classification Vector Machine | Sparse Bayesian learning is a state-of-the-art supervised learning algorithm
that can choose a subset of relevant samples from the input data and make
reliable probabilistic predictions. However, in the presence of
high-dimensional data with irrelevant features, traditional sparse Bayesian
classifiers suffer from performance degradation and low efficiency by failing
to eliminate irrelevant features. To tackle this problem, we propose a novel
sparse Bayesian embedded feature selection method that adopts truncated
Gaussian distributions as both sample and feature priors. The proposed method,
called probabilistic feature selection and classification vector machine
(PFCVMLP ), is able to simultaneously select relevant features and samples for
classification tasks. In order to derive the analytical solutions, Laplace
approximation is applied to compute approximate posteriors and marginal
likelihoods. Finally, parameters and hyperparameters are optimized by the
type-II maximum likelihood method. Experiments on three datasets validate the
performance of PFCVMLP along two dimensions: classification performance and
effectiveness for feature selection. Finally, we analyze the generalization
performance and derive a generalization error bound for PFCVMLP . By tightening
the bound, the importance of feature selection is demonstrated.
|
Towards Deep Symbolic Reinforcement Learning | Deep reinforcement learning (DRL) brings the power of deep neural networks to
bear on the generic task of trial-and-error learning, and its effectiveness has
been convincingly demonstrated on tasks such as Atari video games and the game
of Go. However, contemporary DRL systems inherit a number of shortcomings from
the current generation of deep learning techniques. For example, they require
very large datasets to work effectively, entailing that they are slow to learn
even when such datasets are available. Moreover, they lack the ability to
reason on an abstract level, which makes it difficult to implement high-level
cognitive functions such as transfer learning, analogical reasoning, and
hypothesis-based reasoning. Finally, their operation is largely opaque to
humans, rendering them unsuitable for domains in which verifiability is
important. In this paper, we propose an end-to-end reinforcement learning
architecture comprising a neural back end and a symbolic front end with the
potential to overcome each of these shortcomings. As proof-of-concept, we
present a preliminary implementation of the architecture and apply it to
several variants of a simple video game. We show that the resulting system --
though just a prototype -- learns effectively, and, by acquiring a set of
symbolic rules that are easily comprehensible to humans, dramatically
outperforms a conventional, fully neural DRL system on a stochastic variant of
the game.
|
Playing FPS Games with Deep Reinforcement Learning | Advances in deep reinforcement learning have allowed autonomous agents to
perform well on Atari games, often outperforming humans, using only raw pixels
to make their decisions. However, most of these games take place in 2D
environments that are fully observable to the agent. In this paper, we present
the first architecture to tackle 3D environments in first-person shooter games,
that involve partially observable states. Typically, deep reinforcement
learning methods only utilize visual input for training. We present a method to
augment these models to exploit game feature information such as the presence
of enemies or items, during the training phase. Our model is trained to
simultaneously learn these features along with minimizing a Q-learning
objective, which is shown to dramatically improve the training speed and
performance of our agent. Our architecture is also modularized to allow
different models to be independently trained for different phases of the game.
We show that the proposed architecture substantially outperforms built-in AI
agents of the game as well as humans in deathmatch scenarios.
|
Principled Option Learning in Markov Decision Processes | It is well known that options can make planning more efficient, among their
many benefits. Thus far, algorithms for autonomously discovering a set of
useful options were heuristic. Naturally, a principled way of finding a set of
useful options may be more promising and insightful. In this paper we suggest a
mathematical characterization of good sets of options using tools from
information theory. This characterization enables us to find conditions for a
set of options to be optimal and an algorithm that outputs a useful set of
options and illustrate the proposed algorithm in simulation.
|
Sequential Ensemble Learning for Outlier Detection: A Bias-Variance
Perspective | Ensemble methods for classification and clustering have been effectively used
for decades, while ensemble learning for outlier detection has only been
studied recently. In this work, we design a new ensemble approach for outlier
detection in multi-dimensional point data, which provides improved accuracy by
reducing error through both bias and variance. Although classification and
outlier detection appear as different problems, their theoretical underpinnings
are quite similar in terms of the bias-variance trade-off [1], where outlier
detection is considered as a binary classification task with unobserved labels
but a similar bias-variance decomposition of error.
In this paper, we propose a sequential ensemble approach called CARE that
employs a two-phase aggregation of the intermediate results in each iteration
to reach the final outcome. Unlike existing outlier ensembles which solely
incorporate a parallel framework by aggregating the outcomes of independent
base detectors to reduce variance, our ensemble incorporates both the parallel
and sequential building blocks to reduce bias as well as variance by ($i$)
successively eliminating outliers from the original dataset to build a better
data model on which outlierness is estimated (sequentially), and ($ii$)
combining the results from individual base detectors and across iterations
(parallelly). Through extensive experiments on sixteen real-world datasets
mainly from the UCI machine learning repository [2], we show that CARE performs
significantly better than or at least similar to the individual baselines. We
also compare CARE with the state-of-the-art outlier ensembles where it also
provides significant improvement when it is the winner and remains close
otherwise.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.