title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Are Saddles Good Enough for Deep Learning? | Recent years have seen a growing interest in understanding deep neural
networks from an optimization perspective. It is understood now that converging
to low-cost local minima is sufficient for such models to become effective in
practice. However, in this work, we propose a new hypothesis based on recent
theoretical findings and empirical studies that deep neural network models
actually converge to saddle points with high degeneracy. Our findings from this
work are new, and can have a significant impact on the development of gradient
descent based methods for training deep networks. We validated our hypotheses
using an extensive experimental evaluation on standard datasets such as MNIST
and CIFAR-10, and also showed that recent efforts that attempt to escape
saddles finally converge to saddles with high degeneracy, which we define as
`good saddles'. We also verified the famous Wigner's Semicircle Law in our
experimental results.
|
Semi-Supervised Phoneme Recognition with Recurrent Ladder Networks | Ladder networks are a notable new concept in the field of semi-supervised
learning by showing state-of-the-art results in image recognition tasks while
being compatible with many existing neural architectures. We present the
recurrent ladder network, a novel modification of the ladder network, for
semi-supervised learning of recurrent neural networks which we evaluate with a
phoneme recognition task on the TIMIT corpus. Our results show that the model
is able to consistently outperform the baseline and achieve fully-supervised
baseline performance with only 75% of all labels which demonstrates that the
model is capable of using unsupervised data as an effective regulariser.
|
Inductive Representation Learning on Large Graphs | Low-dimensional embeddings of nodes in large graphs have proved extremely
useful in a variety of prediction tasks, from content recommendation to
identifying protein functions. However, most existing approaches require that
all nodes in the graph are present during training of the embeddings; these
previous approaches are inherently transductive and do not naturally generalize
to unseen nodes. Here we present GraphSAGE, a general, inductive framework that
leverages node feature information (e.g., text attributes) to efficiently
generate node embeddings for previously unseen data. Instead of training
individual embeddings for each node, we learn a function that generates
embeddings by sampling and aggregating features from a node's local
neighborhood. Our algorithm outperforms strong baselines on three inductive
node-classification benchmarks: we classify the category of unseen nodes in
evolving information graphs based on citation and Reddit post data, and we show
that our algorithm generalizes to completely unseen graphs using a multi-graph
dataset of protein-protein interactions.
|
Gated Recurrent Neural Tensor Network | Recurrent Neural Networks (RNNs), which are a powerful scheme for modeling
temporal and sequential data need to capture long-term dependencies on datasets
and represent them in hidden layers with a powerful model to capture more
information from inputs. For modeling long-term dependencies in a dataset, the
gating mechanism concept can help RNNs remember and forget previous
information. Representing the hidden layers of an RNN with more expressive
operations (i.e., tensor products) helps it learn a more complex relationship
between the current input and the previous hidden layer information. These
ideas can generally improve RNN performances. In this paper, we proposed a
novel RNN architecture that combine the concepts of gating mechanism and the
tensor product into a single model. By combining these two concepts into a
single RNN, our proposed models learn long-term dependencies by modeling with
gating units and obtain more expressive and direct interaction between input
and hidden layers using a tensor product on 3-dimensional array (tensor) weight
parameters. We use Long Short Term Memory (LSTM) RNN and Gated Recurrent Unit
(GRU) RNN and combine them with a tensor product inside their formulations. Our
proposed RNNs, which are called a Long-Short Term Memory Recurrent Neural
Tensor Network (LSTMRNTN) and Gated Recurrent Unit Recurrent Neural Tensor
Network (GRURNTN), are made by combining the LSTM and GRU RNN models with the
tensor product. We conducted experiments with our proposed models on word-level
and character-level language modeling tasks and revealed that our proposed
models significantly improved their performance compared to our baseline
models.
|
Efficient Reinforcement Learning via Initial Pure Exploration | In several realistic situations, an interactive learning agent can practice
and refine its strategy before going on to be evaluated. For instance, consider
a student preparing for a series of tests. She would typically take a few
practice tests to know which areas she needs to improve upon. Based of the
scores she obtains in these practice tests, she would formulate a strategy for
maximizing her scores in the actual tests. We treat this scenario in the
context of an agent exploring a fixed-horizon episodic Markov Decision Process
(MDP), where the agent can practice on the MDP for some number of episodes (not
necessarily known in advance) before starting to incur regret for its actions.
During practice, the agent's goal must be to maximize the probability of
following an optimal policy. This is akin to the problem of Pure Exploration
(PE). We extend the PE problem of Multi Armed Bandits (MAB) to MDPs and propose
a Bayesian algorithm called Posterior Sampling for Pure Exploration (PSPE),
which is similar to its bandit counterpart. We show that the Bayesian simple
regret converges at an optimal exponential rate when using PSPE.
When the agent starts being evaluated, its goal would be to minimize the
cumulative regret incurred. This is akin to the problem of Reinforcement
Learning (RL). The agent uses the Posterior Sampling for Reinforcement Learning
algorithm (PSRL) initialized with the posteriors of the practice phase. We
hypothesize that this PSPE + PSRL combination is an optimal strategy for
minimizing regret in RL problems with an initial practice phase. We show
empirical results which prove that having a lower simple regret at the end of
the practice phase results in having lower cumulative regret during evaluation.
|
Recurrent computations for visual pattern completion | Making inferences from partial information constitutes a critical aspect of
cognition. During visual perception, pattern completion enables recognition of
poorly visible or occluded objects. We combined psychophysics, physiology and
computational models to test the hypothesis that pattern completion is
implemented by recurrent computations and present three pieces of evidence that
are consistent with this hypothesis. First, subjects robustly recognized
objects even when rendered <15% visible, but recognition was largely impaired
when processing was interrupted by backward masking. Second, invasive
physiological responses along the human ventral cortex exhibited visually
selective responses to partially visible objects that were delayed compared to
whole objects, suggesting the need for additional computations. These
physiological delays were correlated with the effects of backward masking.
Third, state-of-the-art feed-forward computational architectures were not
robust to partial visibility. However, recognition performance was recovered
when the model was augmented with attractor-based recurrent connectivity. These
results provide a strong argument of plausibility for the role of recurrent
computations in making visual inferences from partial information.
|
Comparative Analysis of Open Source Frameworks for Machine Learning with
Use Case in Single-Threaded and Multi-Threaded Modes | The basic features of some of the most versatile and popular open source
frameworks for machine learning (TensorFlow, Deep Learning4j, and H2O) are
considered and compared. Their comparative analysis was performed and
conclusions were made as to the advantages and disadvantages of these
platforms. The performance tests for the de facto standard MNIST data set were
carried out on H2O framework for deep learning algorithms designed for CPU and
GPU platforms for single-threaded and multithreaded modes of operation.
|
Driver Action Prediction Using Deep (Bidirectional) Recurrent Neural
Network | Advanced driver assistance systems (ADAS) can be significantly improved with
effective driver action prediction (DAP). Predicting driver actions early and
accurately can help mitigate the effects of potentially unsafe driving
behaviors and avoid possible accidents. In this paper, we formulate driver
action prediction as a timeseries anomaly prediction problem. While the anomaly
(driver actions of interest) detection might be trivial in this context,
finding patterns that consistently precede an anomaly requires searching for or
extracting features across multi-modal sensory inputs. We present such a driver
action prediction system, including a real-time data acquisition, processing
and learning framework for predicting future or impending driver action. The
proposed system incorporates camera-based knowledge of the driving environment
and the driver themselves, in addition to traditional vehicle dynamics. It then
uses a deep bidirectional recurrent neural network (DBRNN) to learn the
correlation between sensory inputs and impending driver behavior achieving
accurate and high horizon action prediction. The proposed system performs
better than other existing systems on driver action prediction tasks and can
accurately predict key driver actions including acceleration, braking, lane
change and turning at durations of 5sec before the action is executed by the
driver.
|
InfoVAE: Information Maximizing Variational Autoencoders | A key advance in learning generative models is the use of amortized inference
distributions that are jointly trained with the models. We find that existing
training objectives for variational autoencoders can lead to inaccurate
amortized inference distributions and, in some cases, improving the objective
provably degrades the inference quality. In addition, it has been observed that
variational autoencoders tend to ignore the latent variables when combined with
a decoding distribution that is too flexible. We again identify the cause in
existing training criteria and propose a new class of objectives (InfoVAE) that
mitigate these problems. We show that our model can significantly improve the
quality of the variational posterior and can make effective use of the latent
features regardless of the flexibility of the decoding distribution. Through
extensive qualitative and quantitative analyses, we demonstrate that our models
outperform competing approaches on multiple performance metrics.
|
Graph Convolutional Matrix Completion | We consider matrix completion for recommender systems from the point of view
of link prediction on graphs. Interaction data such as movie ratings can be
represented by a bipartite user-item graph with labeled edges denoting observed
ratings. Building on recent progress in deep learning on graph-structured data,
we propose a graph auto-encoder framework based on differentiable message
passing on the bipartite interaction graph. Our model shows competitive
performance on standard collaborative filtering benchmarks. In settings where
complimentary feature information or structured data such as a social network
is available, our framework outperforms recent state-of-the-art methods.
|
Multi-Agent Actor-Critic for Mixed Cooperative-Competitive Environments | We explore deep reinforcement learning methods for multi-agent domains. We
begin by analyzing the difficulty of traditional algorithms in the multi-agent
case: Q-learning is challenged by an inherent non-stationarity of the
environment, while policy gradient suffers from a variance that increases as
the number of agents grows. We then present an adaptation of actor-critic
methods that considers action policies of other agents and is able to
successfully learn policies that require complex multi-agent coordination.
Additionally, we introduce a training regimen utilizing an ensemble of policies
for each agent that leads to more robust multi-agent policies. We show the
strength of our approach compared to existing methods in cooperative as well as
competitive scenarios, where agent populations are able to discover various
physical and informational coordination strategies.
|
Meta-Learning for Resampling Recommendation Systems | One possible approach to tackle the class imbalance in classification tasks
is to resample a training dataset, i.e., to drop some of its elements or to
synthesize new ones. There exist several widely-used resampling methods. Recent
research showed that the choice of resampling method significantly affects the
quality of classification, which raises resampling selection problem.
Exhaustive search for optimal resampling is time-consuming and hence it is of
limited use. In this paper, we describe an alternative approach to the
resampling selection. We follow the meta-learning concept to build resampling
recommendation systems, i.e., algorithms recommending resampling for datasets
on the basis of their properties.
|
Sound Event Detection Using Spatial Features and Convolutional Recurrent
Neural Network | This paper proposes to use low-level spatial features extracted from
multichannel audio for sound event detection. We extend the convolutional
recurrent neural network to handle more than one type of these multichannel
features by learning from each of them separately in the initial stages. We
show that instead of concatenating the features of each channel into a single
feature vector the network learns sound events in multichannel audio better
when they are presented as separate layers of a volume. Using the proposed
spatial features over monaural features on the same network gives an absolute
F-score improvement of 6.1% on the publicly available TUT-SED 2016 dataset and
2.7% on the TUT-SED 2009 dataset that is fifteen times larger.
|
Stacked Convolutional and Recurrent Neural Networks for Music Emotion
Recognition | This paper studies the emotion recognition from musical tracks in the
2-dimensional valence-arousal (V-A) emotional space. We propose a method based
on convolutional (CNN) and recurrent neural networks (RNN), having
significantly fewer parameters compared with the state-of-the-art method for
the same task. We utilize one CNN layer followed by two branches of RNNs
trained separately for arousal and valence. The method was evaluated using the
'MediaEval2015 emotion in music' dataset. We achieved an RMSE of 0.202 for
arousal and 0.268 for valence, which is the best result reported on this
dataset.
|
Sound Event Detection in Multichannel Audio Using Spatial and Harmonic
Features | In this paper, we propose the use of spatial and harmonic features in
combination with long short term memory (LSTM) recurrent neural network (RNN)
for automatic sound event detection (SED) task. Real life sound recordings
typically have many overlapping sound events, making it hard to recognize with
just mono channel audio. Human listeners have been successfully recognizing the
mixture of overlapping sound events using pitch cues and exploiting the stereo
(multichannel) audio signal available at their ears to spatially localize these
events. Traditionally SED systems have only been using mono channel audio,
motivated by the human listener we propose to extend them to use multichannel
audio. The proposed SED system is compared against the state of the art mono
channel method on the development subset of TUT sound events detection 2016
database. The usage of spatial and harmonic features are shown to improve the
performance of SED.
|
Generative-Discriminative Variational Model for Visual Recognition | The paradigm shift from shallow classifiers with hand-crafted features to
end-to-end trainable deep learning models has shown significant improvements on
supervised learning tasks. Despite the promising power of deep neural networks
(DNN), how to alleviate overfitting during training has been a research topic
of interest. In this paper, we present a Generative-Discriminative Variational
Model (GDVM) for visual classification, in which we introduce a latent variable
inferred from inputs for exhibiting generative abilities towards prediction. In
other words, our GDVM casts the supervised learning task as a generative
learning process, with data discrimination to be jointly exploited for improved
classification. In our experiments, we consider the tasks of multi-class
classification, multi-label classification, and zero-shot learning. We show
that our GDVM performs favorably against the baselines or recent generative DNN
models.
|
Low-shot learning with large-scale diffusion | This paper considers the problem of inferring image labels from images when
only a few annotated examples are available at training time. This setup is
often referred to as low-shot learning, where a standard approach is to
re-train the last few layers of a convolutional neural network learned on
separate classes for which training examples are abundant. We consider a
semi-supervised setting based on a large collection of images to support label
propagation. This is possible by leveraging the recent advances on large-scale
similarity graph construction.
We show that despite its conceptual simplicity, scaling label propagation up
to hundred millions of images leads to state of the art accuracy in the
low-shot learning regime.
|
Learning to Extract Semantic Structure from Documents Using Multimodal
Fully Convolutional Neural Network | We present an end-to-end, multimodal, fully convolutional network for
extracting semantic structures from document images. We consider document
semantic structure extraction as a pixel-wise segmentation task, and propose a
unified model that classifies pixels based not only on their visual appearance,
as in the traditional page segmentation task, but also on the content of
underlying text. Moreover, we propose an efficient synthetic document
generation process that we use to generate pretraining data for our network.
Once the network is trained on a large set of synthetic documents, we fine-tune
the network on unlabeled real documents using a semi-supervised approach. We
systematically study the optimum network architecture and show that both our
multimodal approach and the synthetic data pretraining significantly boost the
performance.
|
The Effects of Noisy Labels on Deep Convolutional Neural Networks for
Music Tagging | Deep neural networks (DNN) have been successfully applied to music
classification including music tagging. However, there are several open
questions regarding the training, evaluation, and analysis of DNNs. In this
article, we investigate specific aspects of neural networks, the effects of
noisy labels, to deepen our understanding of their properties. We analyse and
(re-)validate a large music tagging dataset to investigate the reliability of
training and evaluation. Using a trained network, we compute label vector
similarities which is compared to groundtruth similarity.
The results highlight several important aspects of music tagging and neural
networks. We show that networks can be effective despite relatively large error
rates in groundtruth datasets, while conjecturing that label noise can be the
cause of varying tag-wise performance differences. Lastly, the analysis of our
trained network provides valuable insight into the relationships between music
tags. These results highlight the benefit of using data-driven methods to
address automatic music tagging.
|
Fast Black-box Variational Inference through Stochastic Trust-Region
Optimization | We introduce TrustVI, a fast second-order algorithm for black-box variational
inference based on trust-region optimization and the reparameterization trick.
At each iteration, TrustVI proposes and assesses a step based on minibatches of
draws from the variational distribution. The algorithm provably converges to a
stationary point. We implemented TrustVI in the Stan framework and compared it
to two alternatives: Automatic Differentiation Variational Inference (ADVI) and
Hessian-free Stochastic Gradient Variational Inference (HFSGVI). The former is
based on stochastic first-order optimization. The latter uses second-order
information, but lacks convergence guarantees. TrustVI typically converged at
least one order of magnitude faster than ADVI, demonstrating the value of
stochastic second-order information. TrustVI often found substantially better
variational distributions than HFSGVI, demonstrating that our convergence
theory can matter in practice.
|
Training Quantized Nets: A Deeper Understanding | Currently, deep neural networks are deployed on low-power portable devices by
first training a full-precision model using powerful hardware, and then
deriving a corresponding low-precision model for efficient inference on such
systems. However, training models directly with coarsely quantized weights is a
key step towards learning on embedded platforms that have limited computing
resources, memory capacity, and power consumption. Numerous recent publications
have studied methods for training quantized networks, but these studies have
mostly been empirical. In this work, we investigate training methods for
quantized neural networks from a theoretical viewpoint. We first explore
accuracy guarantees for training methods under convexity assumptions. We then
look at the behavior of these algorithms for non-convex problems, and show that
training algorithms that exploit high-precision representations have an
important greedy search phase that purely quantized training methods lack,
which explains the difficulty of training using low-precision arithmetic.
|
Learning the structure of Bayesian Networks via the bootstrap | Learning the structure of dependencies among multiple random variables is a
problem of considerable theoretical and practical interest. Within the context
of Bayesian Networks, a practical and surprisingly successful solution to this
learning problem is achieved by adopting score-functions optimisation schema,
augmented with multiple restarts to avoid local optima. Yet, the conditions
under which such strategies work well are poorly understood, and there are also
some intrinsic limitations to learning the directionality of the interaction
among the variables. Following an early intuition of Friedman and Koller, we
propose to decouple the learning problem into two steps: first, we identify a
partial ordering among input variables which constrains the structural learning
problem, and then propose an effective bootstrap-based algorithm to simulate
augmented data sets, and select the most important dependencies among the
variables. By using several synthetic data sets, we show that our algorithm
yields better recovery performance than the state of the art, increasing the
chances of identifying a globally-optimal solution to the learning problem, and
solving also well-known identifiability issues that affect the standard
approach. We use our new algorithm to infer statistical dependencies between
cancer driver somatic mutations detected by high-throughput genome sequencing
data of multiple colorectal cancer patients. In this way, we also show how the
proposed methods can shade new insights about cancer initiation, and
progression. Code: https://github.com/caravagn/Bootstrap-based-Learning
|
CosmoGAN: creating high-fidelity weak lensing convergence maps using
Generative Adversarial Networks | Inferring model parameters from experimental data is a grand challenge in
many sciences, including cosmology. This often relies critically on high
fidelity numerical simulations, which are prohibitively computationally
expensive. The application of deep learning techniques to generative modeling
is renewing interest in using high dimensional density estimators as
computationally inexpensive emulators of fully-fledged simulations. These
generative models have the potential to make a dramatic shift in the field of
scientific simulations, but for that shift to happen we need to study the
performance of such generators in the precision regime needed for science
applications. To this end, in this work we apply Generative Adversarial
Networks to the problem of generating weak lensing convergence maps. We show
that our generator network produces maps that are described by, with high
statistical confidence, the same summary statistics as the fully simulated
maps.
|
A Convex Framework for Fair Regression | We introduce a flexible family of fairness regularizers for (linear and
logistic) regression problems. These regularizers all enjoy convexity,
permitting fast optimization, and they span the rang from notions of group
fairness to strong individual fairness. By varying the weight on the fairness
regularizer, we can compute the efficient frontier of the accuracy-fairness
trade-off on any given dataset, and we measure the severity of this trade-off
via a numerical quantity we call the Price of Fairness (PoF). The centerpiece
of our results is an extensive comparative study of the PoF across six
different datasets in which fairness is a primary consideration.
|
Generalized Value Iteration Networks: Life Beyond Lattices | In this paper, we introduce a generalized value iteration network (GVIN),
which is an end-to-end neural network planning module. GVIN emulates the value
iteration algorithm by using a novel graph convolution operator, which enables
GVIN to learn and plan on irregular spatial graphs. We propose three novel
differentiable kernels as graph convolution operators and show that the
embedding based kernel achieves the best performance. We further propose
episodic Q-learning, an improvement upon traditional n-step Q-learning that
stabilizes training for networks that contain a planning module. Lastly, we
evaluate GVIN on planning problems in 2D mazes, irregular graphs, and
real-world street networks, showing that GVIN generalizes well for both
arbitrary graphs and unseen graphs of larger scale and outperforms a naive
generalization of VIN (discretizing a spatial graph into a 2D image).
|
Seamless Integration and Coordination of Cognitive Skills in Humanoid
Robots: A Deep Learning Approach | This study investigates how adequate coordination among the different
cognitive processes of a humanoid robot can be developed through end-to-end
learning of direct perception of visuomotor stream. We propose a deep dynamic
neural network model built on a dynamic vision network, a motor generation
network, and a higher-level network. The proposed model was designed to process
and to integrate direct perception of dynamic visuomotor patterns in a
hierarchical model characterized by different spatial and temporal constraints
imposed on each level. We conducted synthetic robotic experiments in which a
robot learned to read human's intention through observing the gestures and then
to generate the corresponding goal-directed actions. Results verify that the
proposed model is able to learn the tutored skills and to generalize them to
novel situations. The model showed synergic coordination of perception, action
and decision making, and it integrated and coordinated a set of cognitive
skills including visual perception, intention reading, attention switching,
working memory, action preparation and execution in a seamless manner. Analysis
reveals that coherent internal representations emerged at each level of the
hierarchy. Higher-level representation reflecting actional intention developed
by means of continuous integration of the lower-level visuo-proprioceptive
stream.
|
Predictive Coding-based Deep Dynamic Neural Network for Visuomotor
Learning | This study presents a dynamic neural network model based on the predictive
coding framework for perceiving and predicting the dynamic visuo-proprioceptive
patterns. In our previous study [1], we have shown that the deep dynamic neural
network model was able to coordinate visual perception and action generation in
a seamless manner. In the current study, we extended the previous model under
the predictive coding framework to endow the model with a capability of
perceiving and predicting dynamic visuo-proprioceptive patterns as well as a
capability of inferring intention behind the perceived visuomotor information
through minimizing prediction error. A set of synthetic experiments were
conducted in which a robot learned to imitate the gestures of another robot in
a simulation environment. The experimental results showed that with given
intention states, the model was able to mentally simulate the possible incoming
dynamic visuo-proprioceptive patterns in a top-down process without the inputs
from the external environment. Moreover, the results highlighted the role of
minimizing prediction error in inferring underlying intention of the perceived
visuo-proprioceptive patterns, supporting the predictive coding account of the
mirror neuron systems. The results also revealed that minimizing prediction
error in one modality induced the recall of the corresponding representation of
another modality acquired during the consolidative learning of raw-level
visuo-proprioceptive patterns.
|
Luck is Hard to Beat: The Difficulty of Sports Prediction | Predicting the outcome of sports events is a hard task. We quantify this
difficulty with a coefficient that measures the distance between the observed
final results of sports leagues and idealized perfectly balanced competitions
in terms of skill. This indicates the relative presence of luck and skill. We
collected and analyzed all games from 198 sports leagues comprising 1503
seasons from 84 countries of 4 different sports: basketball, soccer, volleyball
and handball. We measured the competitiveness by countries and sports. We also
identify in each season which teams, if removed from its league, result in a
completely random tournament. Surprisingly, not many of them are needed. As
another contribution of this paper, we propose a probabilistic graphical model
to learn about the teams' skills and to decompose the relative weights of luck
and skill in each game. We break down the skill component into factors
associated with the teams' characteristics. The model also allows to estimate
as 0.36 the probability that an underdog team wins in the NBA league, with a
home advantage adding 0.09 to this probability. As shown in the first part of
the paper, luck is substantially present even in the most competitive
championships, which partially explains why sophisticated and complex
feature-based models hardly beat simple models in the task of forecasting
sports' outcomes.
|
Distribution-Free One-Pass Learning | In many large-scale machine learning applications, data are accumulated with
time, and thus, an appropriate model should be able to update in an online
paradigm. Moreover, as the whole data volume is unknown when constructing the
model, it is desired to scan each data item only once with a storage
independent with the data volume. It is also noteworthy that the distribution
underlying may change during the data accumulation procedure. To handle such
tasks, in this paper we propose DFOP, a distribution-free one-pass learning
approach. This approach works well when distribution change occurs during data
accumulation, without requiring prior knowledge about the change. Every data
item can be discarded once it has been scanned. Besides, theoretical guarantee
shows that the estimate error, under a mild assumption, decreases until
convergence with high probability. The performance of DFOP for both regression
and classification are validated in experiments.
|
Forward Thinking: Building and Training Neural Networks One Layer at a
Time | We present a general framework for training deep neural networks without
backpropagation. This substantially decreases training time and also allows for
construction of deep networks with many sorts of learners, including networks
whose layers are defined by functions that are not easily differentiated, like
decision trees. The main idea is that layers can be trained one at a time, and
once they are trained, the input data are mapped forward through the layer to
create a new learning problem. The process is repeated, transforming the data
through multiple layers, one at a time, rendering a new data set, which is
expected to be better behaved, and on which a final output layer can achieve
good performance. We call this forward thinking and demonstrate a proof of
concept by achieving state-of-the-art accuracy on the MNIST dataset for
convolutional neural networks. We also provide a general mathematical
formulation of forward thinking that allows for other types of deep learning
problems to be considered.
|
Where is my forearm? Clustering of body parts from simultaneous tactile
and linguistic input using sequential mapping | Humans and animals are constantly exposed to a continuous stream of sensory
information from different modalities. At the same time, they form more
compressed representations like concepts or symbols. In species that use
language, this process is further structured by this interaction, where a
mapping between the sensorimotor concepts and linguistic elements needs to be
established. There is evidence that children might be learning language by
simply disambiguating potential meanings based on multiple exposures to
utterances in different contexts (cross-situational learning). In existing
models, the mapping between modalities is usually found in a single step by
directly using frequencies of referent and meaning co-occurrences. In this
paper, we present an extension of this one-step mapping and introduce a newly
proposed sequential mapping algorithm together with a publicly available Matlab
implementation. For demonstration, we have chosen a less typical scenario:
instead of learning to associate objects with their names, we focus on body
representations. A humanoid robot is receiving tactile stimulations on its
body, while at the same time listening to utterances of the body part names
(e.g., hand, forearm and torso). With the goal at arriving at the correct "body
categories", we demonstrate how a sequential mapping algorithm outperforms
one-step mapping. In addition, the effect of data set size and noise in the
linguistic input are studied.
|
Context encoders as a simple but powerful extension of word2vec | With a simple architecture and the ability to learn meaningful word
embeddings efficiently from texts containing billions of words, word2vec
remains one of the most popular neural language models used today. However, as
only a single embedding is learned for every word in the vocabulary, the model
fails to optimally represent words with multiple meanings. Additionally, it is
not possible to create embeddings for new (out-of-vocabulary) words on the
spot. Based on an intuitive interpretation of the continuous bag-of-words
(CBOW) word2vec model's negative sampling training objective in terms of
predicting context based similarities, we motivate an extension of the model we
call context encoders (ConEc). By multiplying the matrix of trained word2vec
embeddings with a word's average context vector, out-of-vocabulary (OOV)
embeddings and representations for a word with multiple meanings can be created
based on the word's local contexts. The benefits of this approach are
illustrated by using these word embeddings as features in the CoNLL 2003 named
entity recognition (NER) task.
|
Unlocking the Potential of Simulators: Design with RL in Mind | Using Reinforcement Learning (RL) in simulation to construct policies useful
in real life is challenging. This is often attributed to the sequential
decision making aspect: inaccuracies in simulation accumulate over multiple
steps, hence the simulated trajectories diverge from what would happen in
reality.
In our work we show the need to consider another important aspect: the
mismatch in simulating control. We bring attention to the need for modeling
control as well as dynamics, since oversimplifying assumptions about applying
actions of RL policies could make the policies fail on real-world systems.
We design a simulator for solving a pivoting task (of interest in Robotics)
and demonstrate that even a simple simulator designed with RL in mind
outperforms high-fidelity simulators when it comes to learning a policy that is
to be deployed on a real robotic system. We show that a phenomenon that is hard
to model - friction - could be exploited successfully, even when RL is
performed using a simulator with a simple dynamics and noise model. Hence, we
demonstrate that as long as the main sources of uncertainty are identified, it
could be possible to learn policies applicable to real systems even using a
simple simulator.
RL-compatible simulators could open the possibilities for applying a wide
range of RL algorithms in various fields. This is important, since currently
data sparsity in fields like healthcare and education frequently forces
researchers and engineers to only consider sample-efficient RL approaches.
Successful simulator-aided RL could increase flexibility of experimenting with
RL algorithms and help applying RL policies to real-world settings in fields
where data is scarce. We believe that lessons learned in Robotics could help
other fields design RL-compatible simulators, so we summarize our experience
and conclude with suggestions.
|
Self-Normalizing Neural Networks | Deep Learning has revolutionized vision via convolutional neural networks
(CNNs) and natural language processing via recurrent neural networks (RNNs).
However, success stories of Deep Learning with standard feed-forward neural
networks (FNNs) are rare. FNNs that perform well are typically shallow and,
therefore cannot exploit many levels of abstract representations. We introduce
self-normalizing neural networks (SNNs) to enable high-level abstract
representations. While batch normalization requires explicit normalization,
neuron activations of SNNs automatically converge towards zero mean and unit
variance. The activation function of SNNs are "scaled exponential linear units"
(SELUs), which induce self-normalizing properties. Using the Banach fixed-point
theorem, we prove that activations close to zero mean and unit variance that
are propagated through many network layers will converge towards zero mean and
unit variance -- even under the presence of noise and perturbations. This
convergence property of SNNs allows to (1) train deep networks with many
layers, (2) employ strong regularization, and (3) to make learning highly
robust. Furthermore, for activations not close to unit variance, we prove an
upper and lower bound on the variance, thus, vanishing and exploding gradients
are impossible. We compared SNNs on (a) 121 tasks from the UCI machine learning
repository, on (b) drug discovery benchmarks, and on (c) astronomy tasks with
standard FNNs and other machine learning methods such as random forests and
support vector machines. SNNs significantly outperformed all competing FNN
methods at 121 UCI tasks, outperformed all competing methods at the Tox21
dataset, and set a new record at an astronomy data set. The winning SNN
architectures are often very deep. Implementations are available at:
github.com/bioinf-jku/SNNs.
|
Scaling up the Automatic Statistician: Scalable Structure Discovery
using Gaussian Processes | Automating statistical modelling is a challenging problem in artificial
intelligence. The Automatic Statistician takes a first step in this direction,
by employing a kernel search algorithm with Gaussian Processes (GP) to provide
interpretable statistical models for regression problems. However this does not
scale due to its $O(N^3)$ running time for the model selection. We propose
Scalable Kernel Composition (SKC), a scalable kernel search algorithm that
extends the Automatic Statistician to bigger data sets. In doing so, we derive
a cheap upper bound on the GP marginal likelihood that sandwiches the marginal
likelihood with the variational lower bound . We show that the upper bound is
significantly tighter than the lower bound and thus useful for model selection.
|
Pain-Free Random Differential Privacy with Sensitivity Sampling | Popular approaches to differential privacy, such as the Laplace and
exponential mechanisms, calibrate randomised smoothing through global
sensitivity of the target non-private function. Bounding such sensitivity is
often a prohibitively complex analytic calculation. As an alternative, we
propose a straightforward sampler for estimating sensitivity of non-private
mechanisms. Since our sensitivity estimates hold with high probability, any
mechanism that would be $(\epsilon,\delta)$-differentially private under
bounded global sensitivity automatically achieves
$(\epsilon,\delta,\gamma)$-random differential privacy (Hall et al., 2012),
without any target-specific calculations required. We demonstrate on worked
example learners how our usable approach adopts a naturally-relaxed privacy
guarantee, while achieving more accurate releases even for non-private
functions that are black-box computer programs.
|
Clustering with t-SNE, provably | t-distributed Stochastic Neighborhood Embedding (t-SNE), a clustering and
visualization method proposed by van der Maaten & Hinton in 2008, has rapidly
become a standard tool in a number of natural sciences. Despite its
overwhelming success, there is a distinct lack of mathematical foundations and
the inner workings of the algorithm are not well understood. The purpose of
this paper is to prove that t-SNE is able to recover well-separated clusters;
more precisely, we prove that t-SNE in the `early exaggeration' phase, an
optimization technique proposed by van der Maaten & Hinton (2008) and van der
Maaten (2014), can be rigorously analyzed. As a byproduct, the proof suggests
novel ways for setting the exaggeration parameter $\alpha$ and step size $h$.
Numerical examples illustrate the effectiveness of these rules: in particular,
the quality of embedding of topological structures (e.g. the swiss roll)
improves. We also discuss a connection to spectral clustering methods.
|
Decoupling "when to update" from "how to update" | Deep learning requires data. A useful approach to obtain data is to be
creative and mine data from various sources, that were created for different
purposes. Unfortunately, this approach often leads to noisy labels. In this
paper, we propose a meta algorithm for tackling the noisy labels problem. The
key idea is to decouple "when to update" from "how to update". We demonstrate
the effectiveness of our algorithm by mining data for gender classification by
combining the Labeled Faces in the Wild (LFW) face recognition dataset with a
textual genderizing service, which leads to a noisy dataset. While our approach
is very simple to implement, it leads to state-of-the-art results. We analyze
some convergence properties of the proposed algorithm.
|
Real-valued (Medical) Time Series Generation with Recurrent Conditional
GANs | Generative Adversarial Networks (GANs) have shown remarkable success as a
framework for training models to produce realistic-looking data. In this work,
we propose a Recurrent GAN (RGAN) and Recurrent Conditional GAN (RCGAN) to
produce realistic real-valued multi-dimensional time series, with an emphasis
on their application to medical data. RGANs make use of recurrent neural
networks in the generator and the discriminator. In the case of RCGANs, both of
these RNNs are conditioned on auxiliary information. We demonstrate our models
in a set of toy datasets, where we show visually and quantitatively (using
sample likelihood and maximum mean discrepancy) that they can successfully
generate realistic time-series. We also describe novel evaluation methods for
GANs, where we generate a synthetic labelled training dataset, and evaluate on
a real test set the performance of a model trained on the synthetic data, and
vice-versa. We illustrate with these metrics that RCGANs can generate
time-series data useful for supervised training, with only minor degradation in
performance on real test data. This is demonstrated on digit classification
from 'serialised' MNIST and by training an early warning system on a medical
dataset of 17,000 patients from an intensive care unit. We further discuss and
analyse the privacy concerns that may arise when using RCGANs to generate
realistic synthetic medical time series data.
|
Nuclear Discrepancy for Active Learning | Active learning algorithms propose which unlabeled objects should be queried
for their labels to improve a predictive model the most. We study active
learners that minimize generalization bounds and uncover relationships between
these bounds that lead to an improved approach to active learning. In
particular we show the relation between the bound of the state-of-the-art
Maximum Mean Discrepancy (MMD) active learner, the bound of the Discrepancy,
and a new and looser bound that we refer to as the Nuclear Discrepancy bound.
We motivate this bound by a probabilistic argument: we show it considers
situations which are more likely to occur. Our experiments indicate that active
learning using the tightest Discrepancy bound performs the worst in terms of
the squared loss. Overall, our proposed loosest Nuclear Discrepancy
generalization bound performs the best. We confirm our probabilistic argument
empirically: the other bounds focus on more pessimistic scenarios that are
rarer in practice. We conclude that tightness of bounds is not always of main
importance and that active learning methods should concentrate on realistic
scenarios in order to improve performance.
|
Accurate, Large Minibatch SGD: Training ImageNet in 1 Hour | Deep learning thrives with large neural networks and large datasets. However,
larger networks and larger datasets result in longer training times that impede
research and development progress. Distributed synchronous SGD offers a
potential solution to this problem by dividing SGD minibatches over a pool of
parallel workers. Yet to make this scheme efficient, the per-worker workload
must be large, which implies nontrivial growth in the SGD minibatch size. In
this paper, we empirically show that on the ImageNet dataset large minibatches
cause optimization difficulties, but when these are addressed the trained
networks exhibit good generalization. Specifically, we show no loss of accuracy
when training with large minibatch sizes up to 8192 images. To achieve this
result, we adopt a hyper-parameter-free linear scaling rule for adjusting
learning rates as a function of minibatch size and develop a new warmup scheme
that overcomes optimization challenges early in training. With these simple
techniques, our Caffe2-based system trains ResNet-50 with a minibatch size of
8192 on 256 GPUs in one hour, while matching small minibatch accuracy. Using
commodity hardware, our implementation achieves ~90% scaling efficiency when
moving from 8 to 256 GPUs. Our findings enable training visual recognition
models on internet-scale data with high efficiency.
|
Learning Local Receptive Fields and their Weight Sharing Scheme on
Graphs | We propose a simple and generic layer formulation that extends the properties
of convolutional layers to any domain that can be described by a graph. Namely,
we use the support of its adjacency matrix to design learnable weight sharing
filters able to exploit the underlying structure of signals in the same fashion
as for images. The proposed formulation makes it possible to learn the weights
of the filter as well as a scheme that controls how they are shared across the
graph. We perform validation experiments with image datasets and show that
these filters offer performances comparable with convolutional ones.
|
Enhancing The Reliability of Out-of-distribution Image Detection in
Neural Networks | We consider the problem of detecting out-of-distribution images in neural
networks. We propose ODIN, a simple and effective method that does not require
any change to a pre-trained neural network. Our method is based on the
observation that using temperature scaling and adding small perturbations to
the input can separate the softmax score distributions between in- and
out-of-distribution images, allowing for more effective detection. We show in a
series of experiments that ODIN is compatible with diverse network
architectures and datasets. It consistently outperforms the baseline approach
by a large margin, establishing a new state-of-the-art performance on this
task. For example, ODIN reduces the false positive rate from the baseline 34.7%
to 4.3% on the DenseNet (applied to CIFAR-10) when the true positive rate is
95%.
|
Climbing a shaky ladder: Better adaptive risk estimation | We revisit the \emph{leaderboard problem} introduced by Blum and Hardt (2015)
in an effort to reduce overfitting in machine learning benchmarks. We show that
a randomized version of their Ladder algorithm achieves leaderboard error
O(1/n^{0.4}) compared with the previous best rate of O(1/n^{1/3}).
Short of proving that our algorithm is optimal, we point out a major obstacle
toward further progress. Specifically, any improvement to our upper bound would
lead to asymptotic improvements in the general adaptive estimation setting as
have remained elusive in recent years. This connection also directly leads to
lower bounds for specific classes of algorithms. In particular, we exhibit a
new attack on the leaderboard algorithm that both theoretically and empirically
distinguishes between our algorithm and previous leaderboard algorithms.
|
Avoiding Discrimination through Causal Reasoning | Recent work on fairness in machine learning has focused on various
statistical discrimination criteria and how they trade off. Most of these
criteria are observational: They depend only on the joint distribution of
predictor, protected attribute, features, and outcome. While convenient to work
with, observational criteria have severe inherent limitations that prevent them
from resolving matters of fairness conclusively.
Going beyond observational criteria, we frame the problem of discrimination
based on protected attributes in the language of causal reasoning. This
viewpoint shifts attention from "What is the right fairness criterion?" to
"What do we want to assume about the causal data generating process?" Through
the lens of causality, we make several contributions. First, we crisply
articulate why and when observational criteria fail, thus formalizing what was
before a matter of opinion. Second, our approach exposes previously ignored
subtleties and why they are fundamental to the problem. Finally, we put forward
natural causal non-discrimination criteria and develop algorithms that satisfy
them.
|
Gated Orthogonal Recurrent Units: On Learning to Forget | We present a novel recurrent neural network (RNN) based model that combines
the remembering ability of unitary RNNs with the ability of gated RNNs to
effectively forget redundant/irrelevant information in its memory. We achieve
this by extending unitary RNNs with a gating mechanism. Our model is able to
outperform LSTMs, GRUs and Unitary RNNs on several long-term dependency
benchmark tasks. We empirically both show the orthogonal/unitary RNNs lack the
ability to forget and also the ability of GORU to simultaneously remember long
term dependencies while forgetting irrelevant information. This plays an
important role in recurrent neural networks. We provide competitive results
along with an analysis of our model on many natural sequential tasks including
the bAbI Question Answering, TIMIT speech spectrum prediction, Penn TreeBank,
and synthetic tasks that involve long-term dependencies such as algorithmic,
parenthesis, denoising and copying tasks.
|
Optimizing expected word error rate via sampling for speech recognition | State-level minimum Bayes risk (sMBR) training has become the de facto
standard for sequence-level training of speech recognition acoustic models. It
has an elegant formulation using the expectation semiring, and gives large
improvements in word error rate (WER) over models trained solely using
cross-entropy (CE) or connectionist temporal classification (CTC). sMBR
training optimizes the expected number of frames at which the reference and
hypothesized acoustic states differ. It may be preferable to optimize the
expected WER, but WER does not interact well with the expectation semiring, and
previous approaches based on computing expected WER exactly involve expanding
the lattices used during training. In this paper we show how to perform
optimization of the expected WER by sampling paths from the lattices used
during conventional sMBR training. The gradient of the expected WER is itself
an expectation, and so may be approximated using Monte Carlo sampling. We show
experimentally that optimizing WER during acoustic model training gives 5%
relative improvement in WER over a well-tuned sMBR baseline on a 2-channel
query recognition task (Google Home).
|
Setting Players' Behaviors in World of Warcraft through Semi-Supervised
Learning | Digital games are one of the major and most important fields on the
entertainment domain, which also involves cinema and music. Numerous attempts
have been done to improve the quality of the games including more realistic
artistic production and computer science. Assessing the player's behavior, a
task known as player modeling, is currently the need of the hour which leads to
possible improvements in terms of: (i) better game interaction experience, (ii)
better exploitation of the relationship between players, and (iii)
increasing/maintaining the number of players interested in the game. In this
paper we model players using the basic four behaviors proposed in
\cite{BartleArtigo}, namely: achiever, explorer, socializer and killer. Our
analysis is carried out using data obtained from the game "World of Warcraft"
over 3 years (2006 $-$ 2009). We employ a semi-supervised learning technique in
order to find out characteristics that possibly impact player's behavior.
|
Scalable Kernel K-Means Clustering with Nystrom Approximation:
Relative-Error Bounds | Kernel $k$-means clustering can correctly identify and extract a far more
varied collection of cluster structures than the linear $k$-means clustering
algorithm. However, kernel $k$-means clustering is computationally expensive
when the non-linear feature map is high-dimensional and there are many input
points. Kernel approximation, e.g., the Nystr\"om method, has been applied in
previous works to approximately solve kernel learning problems when both of the
above conditions are present. This work analyzes the application of this
paradigm to kernel $k$-means clustering, and shows that applying the linear
$k$-means clustering algorithm to $\frac{k}{\epsilon} (1 + o(1))$ features
constructed using a so-called rank-restricted Nystr\"om approximation results
in cluster assignments that satisfy a $1 + \epsilon$ approximation ratio in
terms of the kernel $k$-means cost function, relative to the guarantee provided
by the same algorithm without the use of the Nystr\"om method. As part of the
analysis, this work establishes a novel $1 + \epsilon$ relative-error trace
norm guarantee for low-rank approximation using the rank-restricted Nystr\"om
approximation. Empirical evaluations on the $8.1$ million instance MNIST8M
dataset demonstrate the scalability and usefulness of kernel $k$-means
clustering with Nystr\"om approximation. This work argues that spectral
clustering using Nystr\"om approximation---a popular and computationally
efficient, but theoretically unsound approach to non-linear clustering---should
be replaced with the efficient and theoretically sound combination of kernel
$k$-means clustering with Nystr\"om approximation. The superior performance of
the latter approach is empirically verified.
|
From Bayesian Sparsity to Gated Recurrent Nets | The iterations of many first-order algorithms, when applied to minimizing
common regularized regression functions, often resemble neural network layers
with pre-specified weights. This observation has prompted the development of
learning-based approaches that purport to replace these iterations with
enhanced surrogates forged as DNN models from available training data. For
example, important NP-hard sparse estimation problems have recently benefitted
from this genre of upgrade, with simple feedforward or recurrent networks
ousting proximal gradient-based iterations. Analogously, this paper
demonstrates that more powerful Bayesian algorithms for promoting sparsity,
which rely on complex multi-loop majorization-minimization techniques, mirror
the structure of more sophisticated long short-term memory (LSTM) networks, or
alternative gated feedback networks previously designed for sequence
prediction. As part of this development, we examine the parallels between
latent variable trajectories operating across multiple time-scales during
optimization, and the activations within deep network structures designed to
adaptively model such characteristic sequences. The resulting insights lead to
a novel sparse estimation system that, when granted training data, can estimate
optimal solutions efficiently in regimes where other algorithms fail, including
practical direction-of-arrival (DOA) and 3D geometry recovery problems. The
underlying principles we expose are also suggestive of a learning process for a
richer class of multi-loop algorithms in other domains.
|
A Maximum Matching Algorithm for Basis Selection in Spectral Learning | We present a solution to scale spectral algorithms for learning sequence
functions. We are interested in the case where these functions are sparse (that
is, for most sequences they return 0). Spectral algorithms reduce the learning
problem to the task of computing an SVD decomposition over a special type of
matrix called the Hankel matrix. This matrix is designed to capture the
relevant statistics of the training sequences. What is crucial is that to
capture long range dependencies we must consider very large Hankel matrices.
Thus the computation of the SVD becomes a critical bottleneck. Our solution
finds a subset of rows and columns of the Hankel that realizes a compact and
informative Hankel submatrix. The novelty lies in the way that this subset is
selected: we exploit a maximal bipartite matching combinatorial algorithm to
look for a sub-block with full structural rank, and show how computation of
this sub-block can be further improved by exploiting the specific structure of
Hankel matrices.
|
Adaptive Consensus ADMM for Distributed Optimization | The alternating direction method of multipliers (ADMM) is commonly used for
distributed model fitting problems, but its performance and reliability depend
strongly on user-defined penalty parameters. We study distributed ADMM methods
that boost performance by using different fine-tuned algorithm parameters on
each worker node. We present a O(1/k) convergence rate for adaptive ADMM
methods with node-specific parameters, and propose adaptive consensus ADMM
(ACADMM), which automatically tunes parameters without user oversight.
|
Assessing the Performance of Deep Learning Algorithms for Newsvendor
Problem | In retailer management, the Newsvendor problem has widely attracted attention
as one of basic inventory models. In the traditional approach to solving this
problem, it relies on the probability distribution of the demand. In theory, if
the probability distribution is known, the problem can be considered as fully
solved. However, in any real world scenario, it is almost impossible to even
approximate or estimate a better probability distribution for the demand. In
recent years, researchers start adopting machine learning approach to learn a
demand prediction model by using other feature information. In this paper, we
propose a supervised learning that optimizes the demand quantities for products
based on feature information. We demonstrate that the original Newsvendor loss
function as the training objective outperforms the recently suggested quadratic
loss function. The new algorithm has been assessed on both the synthetic data
and real-world data, demonstrating better performance.
|
Characterizing Types of Convolution in Deep Convolutional Recurrent
Neural Networks for Robust Speech Emotion Recognition | Deep convolutional neural networks are being actively investigated in a wide
range of speech and audio processing applications including speech recognition,
audio event detection and computational paralinguistics, owing to their ability
to reduce factors of variations, for learning from speech. However, studies
have suggested to favor a certain type of convolutional operations when
building a deep convolutional neural network for speech applications although
there has been promising results using different types of convolutional
operations. In this work, we study four types of convolutional operations on
different input features for speech emotion recognition under noisy and clean
conditions in order to derive a comprehensive understanding. Since affective
behavioral information has been shown to reflect temporally varying of mental
state and convolutional operation are applied locally in time, all deep neural
networks share a deep recurrent sub-network architecture for further temporal
modeling. We present detailed quantitative module-wise performance analysis to
gain insights into information flows within the proposed architectures. In
particular, we demonstrate the interplay of affective information and the other
irrelevant information during the progression from one module to another.
Finally we show that all of our deep neural networks provide state-of-the-art
performance on the eNTERFACE'05 corpus.
|
End-to-End Musical Key Estimation Using a Convolutional Neural Network | We present an end-to-end system for musical key estimation, based on a
convolutional neural network. The proposed system not only out-performs
existing key estimation methods proposed in the academic literature; it is also
capable of learning a unified model for diverse musical genres that performs
comparably to existing systems specialised for specific genres. Our experiments
confirm that different genres do differ in their interpretation of tonality,
and thus a system tuned e.g. for pop music performs subpar on pieces of
electronic music. They also reveal that such cross-genre setups evoke specific
types of error (predicting the relative or parallel minor). However, using the
data-driven approach proposed in this paper, we can train models that deal with
multiple musical styles adequately, and without major losses in accuracy.
|
K+ Means : An Enhancement Over K-Means Clustering Algorithm | K-means (MacQueen, 1967) [1] is one of the simplest unsupervised learning
algorithms that solve the well-known clustering problem. The procedure follows
a simple and easy way to classify a given data set to a predefined, say K
number of clusters. Determination of K is a difficult job and it is not known
that which value of K can partition the objects as per our intuition. To
overcome this problem we proposed K+ Means algorithm. This algorithm is an
enhancement over K-Means algorithm.
|
Stock Trading Using PE ratio: A Dynamic Bayesian Network Modeling on
Behavioral Finance and Fundamental Investment | On a daily investment decision in a security market, the price earnings (PE)
ratio is one of the most widely applied methods being used as a firm valuation
tool by investment experts. Unfortunately, recent academic developments in
financial econometrics and machine learning rarely look at this tool. In
practice, fundamental PE ratios are often estimated only by subjective expert
opinions. The purpose of this research is to formalize a process of fundamental
PE estimation by employing advanced dynamic Bayesian network (DBN) methodology.
The estimated PE ratio from our model can be used either as a information
support for an expert to make investment decisions, or as an automatic trading
system illustrated in experiments. Forward-backward inference and EM parameter
estimation algorithms are derived with respect to the proposed DBN structure.
Unlike existing works in literatures, the economic interpretation of our DBN
model is well-justified by behavioral finance evidences of volatility. A simple
but practical trading strategy is invented based on the result of Bayesian
inference. Extensive experiments show that our trading strategy equipped with
the inferenced PE ratios consistently outperforms standard investment
benchmarks.
|
Monte-Carlo Tree Search by Best Arm Identification | Recent advances in bandit tools and techniques for sequential learning are
steadily enabling new applications and are promising the resolution of a range
of challenging related problems. We study the game tree search problem, where
the goal is to quickly identify the optimal move in a given game tree by
sequentially sampling its stochastic payoffs. We develop new algorithms for
trees of arbitrary depth, that operate by summarizing all deeper levels of the
tree into confidence intervals at depth one, and applying a best arm
identification procedure at the root. We prove new sample complexity guarantees
with a refined dependence on the problem instance. We show experimentally that
our algorithms outperform existing elimination-based algorithms and match
previous special-purpose methods for depth-two trees.
|
Symmetry Learning for Function Approximation in Reinforcement Learning | In this paper we explore methods to exploit symmetries for ensuring sample
efficiency in reinforcement learning (RL), this problem deserves ever
increasing attention with the recent advances in the use of deep networks for
complex RL tasks which require large amount of training data. We introduce a
novel method to detect symmetries using reward trails observed during episodic
experience and prove its completeness. We also provide a framework to
incorporate the discovered symmetries for functional approximation. Finally we
show that the use of potential based reward shaping is especially effective for
our symmetry exploitation mechanism. Experiments on various classical problems
show that our method improves the learning performance significantly by
utilizing symmetry information.
|
Learning optimal wavelet bases using a neural network approach | A novel method for learning optimal, orthonormal wavelet bases for
representing 1- and 2D signals, based on parallels between the wavelet
transform and fully connected artificial neural networks, is described. The
structural similarities between these two concepts are reviewed and combined to
a "wavenet", allowing for the direct learning of optimal wavelet filter
coefficient through stochastic gradient descent with back-propagation over
ensembles of training inputs, where conditions on the filter coefficients for
constituting orthonormal wavelet bases are cast as quadratic regularisations
terms. We describe the practical implementation of this method, and study its
performance for high-energy physics collision events for QCD $2 \to 2$
processes. It is shown that an optimal solution is found, even in a
high-dimensional search space, and the implications of the result are
discussed.
|
Depthwise Separable Convolutions for Neural Machine Translation | Depthwise separable convolutions reduce the number of parameters and
computation used in convolutional operations while increasing representational
efficiency. They have been shown to be successful in image classification
models, both in obtaining better models than previously possible for a given
parameter count (the Xception architecture) and considerably reducing the
number of parameters required to perform at a given level (the MobileNets
family of architectures). Recently, convolutional sequence-to-sequence networks
have been applied to machine translation tasks with good results. In this work,
we study how depthwise separable convolutions can be applied to neural machine
translation. We introduce a new architecture inspired by Xception and ByteNet,
called SliceNet, which enables a significant reduction of the parameter count
and amount of computation needed to obtain results like ByteNet, and, with a
similar parameter count, achieves new state-of-the-art results. In addition to
showing that depthwise separable convolutions perform well for machine
translation, we investigate the architectural changes that they enable: we
observe that thanks to depthwise separability, we can increase the length of
convolution windows, removing the need for filter dilation. We also introduce a
new "super-separable" convolution operation that further reduces the number of
parameters and computational cost for obtaining state-of-the-art results.
|
Group Invariance, Stability to Deformations, and Complexity of Deep
Convolutional Representations | The success of deep convolutional architectures is often attributed in part
to their ability to learn multiscale and invariant representations of natural
signals. However, a precise study of these properties and how they affect
learning guarantees is still missing. In this paper, we consider deep
convolutional representations of signals; we study their invariance to
translations and to more general groups of transformations, their stability to
the action of diffeomorphisms, and their ability to preserve signal
information. This analysis is carried by introducing a multilayer kernel based
on convolutional kernel networks and by studying the geometry induced by the
kernel mapping. We then characterize the corresponding reproducing kernel
Hilbert space (RKHS), showing that it contains a large class of convolutional
neural networks with homogeneous activation functions. This analysis allows us
to separate data representation from learning, and to provide a canonical
measure of model complexity, the RKHS norm, which controls both stability and
generalization of any learned model. In addition to models in the constructed
RKHS, our stability analysis also applies to convolutional networks with
generic activations such as rectified linear units, and we discuss its
relationship with recent generalization bounds based on spectral norms.
|
Decoupling Learning Rules from Representations | In the artificial intelligence field, learning often corresponds to changing
the parameters of a parameterized function. A learning rule is an algorithm or
mathematical expression that specifies precisely how the parameters should be
changed. When creating an artificial intelligence system, we must make two
decisions: what representation should be used (i.e., what parameterized
function should be used) and what learning rule should be used to search
through the resulting set of representable functions. Using most learning
rules, these two decisions are coupled in a subtle (and often unintentional)
way. That is, using the same learning rule with two different representations
that can represent the same sets of functions can result in two different
outcomes. After arguing that this coupling is undesirable, particularly when
using artificial neural networks, we present a method for partially decoupling
these two decisions for a broad class of learning rules that span unsupervised
learning, reinforcement learning, and supervised learning.
|
An Expectation-Maximization Algorithm for the Fractal Inverse Problem | We present an Expectation-Maximization algorithm for the fractal inverse
problem: the problem of fitting a fractal model to data. In our setting the
fractals are Iterated Function Systems (IFS), with similitudes as the family of
transformations. The data is a point cloud in ${\mathbb R}^H$ with arbitrary
dimension $H$. Each IFS defines a probability distribution on ${\mathbb R}^H$,
so that the fractal inverse problem can be cast as a problem of parameter
estimation. We show that the algorithm reconstructs well-known fractals from
data, with the model converging to high precision parameters. We also show the
utility of the model as an approximation for datasources outside the IFS model
class.
|
Toeplitz Inverse Covariance-Based Clustering of Multivariate Time Series
Data | Subsequence clustering of multivariate time series is a useful tool for
discovering repeated patterns in temporal data. Once these patterns have been
discovered, seemingly complicated datasets can be interpreted as a temporal
sequence of only a small number of states, or clusters. For example, raw sensor
data from a fitness-tracking application can be expressed as a timeline of a
select few actions (i.e., walking, sitting, running). However, discovering
these patterns is challenging because it requires simultaneous segmentation and
clustering of the time series. Furthermore, interpreting the resulting clusters
is difficult, especially when the data is high-dimensional. Here we propose a
new method of model-based clustering, which we call Toeplitz Inverse
Covariance-based Clustering (TICC). Each cluster in the TICC method is defined
by a correlation network, or Markov random field (MRF), characterizing the
interdependencies between different observations in a typical subsequence of
that cluster. Based on this graphical representation, TICC simultaneously
segments and clusters the time series data. We solve the TICC problem through
alternating minimization, using a variation of the expectation maximization
(EM) algorithm. We derive closed-form solutions to efficiently solve the two
resulting subproblems in a scalable way, through dynamic programming and the
alternating direction method of multipliers (ADMM), respectively. We validate
our approach by comparing TICC to several state-of-the-art baselines in a
series of synthetic experiments, and we then demonstrate on an automobile
sensor dataset how TICC can be used to learn interpretable clusters in
real-world scenarios.
|
Recovery Guarantees for One-hidden-layer Neural Networks | In this paper, we consider regression problems with one-hidden-layer neural
networks (1NNs). We distill some properties of activation functions that lead
to $\mathit{local~strong~convexity}$ in the neighborhood of the ground-truth
parameters for the 1NN squared-loss objective. Most popular nonlinear
activation functions satisfy the distilled properties, including rectified
linear units (ReLUs), leaky ReLUs, squared ReLUs and sigmoids. For activation
functions that are also smooth, we show $\mathit{local~linear~convergence}$
guarantees of gradient descent under a resampling rule. For homogeneous
activations, we show tensor methods are able to initialize the parameters to
fall into the local strong convexity region. As a result, tensor initialization
followed by gradient descent is guaranteed to recover the ground truth with
sample complexity $ d \cdot \log(1/\epsilon) \cdot \mathrm{poly}(k,\lambda )$
and computational complexity $n\cdot d \cdot \mathrm{poly}(k,\lambda) $ for
smooth homogeneous activations with high probability, where $d$ is the
dimension of the input, $k$ ($k\leq d$) is the number of hidden nodes,
$\lambda$ is a conditioning property of the ground-truth parameter matrix
between the input layer and the hidden layer, $\epsilon$ is the targeted
precision and $n$ is the number of samples. To the best of our knowledge, this
is the first work that provides recovery guarantees for 1NNs with both sample
complexity and computational complexity $\mathit{linear}$ in the input
dimension and $\mathit{logarithmic}$ in the precision.
|
Image Matching via Loopy RNN | Most existing matching algorithms are one-off algorithms, i.e., they usually
measure the distance between the two image feature representation vectors for
only one time. In contrast, human's vision system achieves this task, i.e.,
image matching, by recursively looking at specific/related parts of both images
and then making the final judgement. Towards this end, we propose a novel loopy
recurrent neural network (Loopy RNN), which is capable of aggregating
relationship information of two input images in a progressive/iterative manner
and outputting the consolidated matching score in the final iteration. A Loopy
RNN features two uniqueness. First, built on conventional long short-term
memory (LSTM) nodes, it links the output gate of the tail node to the input
gate of the head node, thus it brings up symmetry property required for
matching. Second, a monotonous loss designed for the proposed network
guarantees increasing confidence during the recursive matching process.
Extensive experiments on several image matching benchmarks demonstrate the
great potential of the proposed method.
|
Online Learning for Neural Machine Translation Post-editing | Neural machine translation has meant a revolution of the field. Nevertheless,
post-editing the outputs of the system is mandatory for tasks requiring high
translation quality. Post-editing offers a unique opportunity for improving
neural machine translation systems, using online learning techniques and
treating the post-edited translations as new, fresh training data. We review
classical learning methods and propose a new optimization algorithm. We
thoroughly compare online learning algorithms in a post-editing scenario.
Results show significant improvements in translation quality and effort
reduction.
|
Toward Optimal Run Racing: Application to Deep Learning Calibration | This paper aims at one-shot learning of deep neural nets, where a highly
parallel setting is considered to address the algorithm calibration problem -
selecting the best neural architecture and learning hyper-parameter values
depending on the dataset at hand. The notoriously expensive calibration problem
is optimally reduced by detecting and early stopping non-optimal runs. The
theoretical contribution regards the optimality guarantees within the multiple
hypothesis testing framework. Experimentations on the Cifar10, PTB and Wiki
benchmarks demonstrate the relevance of the approach with a principled and
consistent improvement on the state of the art with no extra hyper-parameter.
|
Critical Hyper-Parameters: No Random, No Cry | The selection of hyper-parameters is critical in Deep Learning. Because of
the long training time of complex models and the availability of compute
resources in the cloud, "one-shot" optimization schemes - where the sets of
hyper-parameters are selected in advance (e.g. on a grid or in a random manner)
and the training is executed in parallel - are commonly used. It is known that
grid search is sub-optimal, especially when only a few critical parameters
matter, and suggest to use random search instead. Yet, random search can be
"unlucky" and produce sets of values that leave some part of the domain
unexplored. Quasi-random methods, such as Low Discrepancy Sequences (LDS) avoid
these issues. We show that such methods have theoretical properties that make
them appealing for performing hyperparameter search, and demonstrate that, when
applied to the selection of hyperparameters of complex Deep Learning models
(such as state-of-the-art LSTM language models and image classification
models), they yield suitable hyperparameters values with much fewer runs than
random search. We propose a particularly simple LDS method which can be used as
a drop-in replacement for grid or random search in any Deep Learning pipeline,
both as a fully one-shot hyperparameter search or as an initializer in
iterative batch optimization.
|
ACCNet: Actor-Coordinator-Critic Net for "Learning-to-Communicate" with
Deep Multi-agent Reinforcement Learning | Communication is a critical factor for the big multi-agent world to stay
organized and productive. Typically, most previous multi-agent
"learning-to-communicate" studies try to predefine the communication protocols
or use technologies such as tabular reinforcement learning and evolutionary
algorithm, which can not generalize to changing environment or large collection
of agents.
In this paper, we propose an Actor-Coordinator-Critic Net (ACCNet) framework
for solving "learning-to-communicate" problem. The ACCNet naturally combines
the powerful actor-critic reinforcement learning technology with deep learning
technology. It can efficiently learn the communication protocols even from
scratch under partially observable environment. We demonstrate that the ACCNet
can achieve better results than several baselines under both continuous and
discrete action space environments. We also analyse the learned protocols and
discuss some design considerations.
|
Progressive Neural Networks for Transfer Learning in Emotion Recognition | Many paralinguistic tasks are closely related and thus representations
learned in one domain can be leveraged for another. In this paper, we
investigate how knowledge can be transferred between three paralinguistic
tasks: speaker, emotion, and gender recognition. Further, we extend this
problem to cross-dataset tasks, asking how knowledge captured in one emotion
dataset can be transferred to another. We focus on progressive neural networks
and compare these networks to the conventional deep learning method of
pre-training and fine-tuning. Progressive neural networks provide a way to
transfer knowledge and avoid the forgetting effect present when pre-training
neural networks on different tasks. Our experiments demonstrate that: (1)
emotion recognition can benefit from using representations originally learned
for different paralinguistic tasks and (2) transfer learning can effectively
leverage additional datasets to improve the performance of emotion recognition
systems.
|
Stepwise regression for unsupervised learning | I consider unsupervised extensions of the fast stepwise linear regression
algorithm \cite{efroymson1960multiple}. These extensions allow one to
efficiently identify highly-representative feature variable subsets within a
given set of jointly distributed variables. This in turn allows for the
efficient dimensional reduction of large data sets via the removal of redundant
features. Fast search is effected here through the avoidance of repeat
computations across trial fits, allowing for a full representative-importance
ranking of a set of feature variables to be carried out in $O(n^2 m)$ time,
where $n$ is the number of variables and $m$ is the number of data samples
available. This runtime complexity matches that needed to carry out a single
regression and is $O(n^2)$ faster than that of naive implementations. I present
pseudocode suitable for efficient forward, reverse, and forward-reverse
unsupervised feature selection. To illustrate the algorithm's application, I
apply it to the problem of identifying representative stocks within a given
financial market index -- a challenge relevant to the design of Exchange Traded
Funds (ETFs). I also characterize the growth of numerical error with iteration
step in these algorithms, and finally demonstrate and rationalize the
observation that the forward and reverse algorithms return exactly inverted
feature orderings in the weakly-correlated feature set regime.
|
An Alternative to EM for Gaussian Mixture Models: Batch and Stochastic
Riemannian Optimization | We consider maximum likelihood estimation for Gaussian Mixture Models (Gmms).
This task is almost invariably solved (in theory and practice) via the
Expectation Maximization (EM) algorithm. EM owes its success to various
factors, of which is its ability to fulfill positive definiteness constraints
in closed form is of key importance. We propose an alternative to EM by
appealing to the rich Riemannian geometry of positive definite matrices, using
which we cast Gmm parameter estimation as a Riemannian optimization problem.
Surprisingly, such an out-of-the-box Riemannian formulation completely fails
and proves much inferior to EM. This motivates us to take a closer look at the
problem geometry, and derive a better formulation that is much more amenable to
Riemannian optimization. We then develop (Riemannian) batch and stochastic
gradient algorithms that outperform EM, often substantially. We provide a
non-asymptotic convergence analysis for our stochastic method, which is also
the first (to our knowledge) such global analysis for Riemannian stochastic
gradient. Numerous empirical results are included to demonstrate the
effectiveness of our methods.
|
An Online Learning Approach to Generative Adversarial Networks | We consider the problem of training generative models with a Generative
Adversarial Network (GAN). Although GANs can accurately model complex
distributions, they are known to be difficult to train due to instabilities
caused by a difficult minimax optimization problem. In this paper, we view the
problem of training GANs as finding a mixed strategy in a zero-sum game.
Building on ideas from online learning we propose a novel training method named
Chekhov GAN 1 . On the theory side, we show that our method provably converges
to an equilibrium for semi-shallow GAN architectures, i.e. architectures where
the discriminator is a one layer network and the generator is arbitrary. On the
practical side, we develop an efficient heuristic guided by our theoretical
results, which we apply to commonly used deep GAN architectures. On several
real world tasks our approach exhibits improved stability and performance
compared to standard GAN training.
|
Deep Recurrent Neural Networks for seizure detection and early seizure
detection systems | Epilepsy is common neurological diseases, affecting about 0.6-0.8 % of world
population. Epileptic patients suffer from chronic unprovoked seizures, which
can result in broad spectrum of debilitating medical and social consequences.
Since seizures, in general, occur infrequently and are unpredictable, automated
seizure detection systems are recommended to screen for seizures during
long-term electroencephalogram (EEG) recordings. In addition, systems for early
seizure detection can lead to the development of new types of intervention
systems that are designed to control or shorten the duration of seizure events.
In this article, we investigate the utility of recurrent neural networks (RNNs)
in designing seizure detection and early seizure detection systems. We propose
a deep learning framework via the use of Gated Recurrent Unit (GRU) RNNs for
seizure detection. We use publicly available data in order to evaluate our
method and demonstrate very promising evaluation results with overall accuracy
close to 100 %. We also systematically investigate the application of our
method for early seizure warning systems. Our method can detect about 98% of
seizure events within the first 5 seconds of the overall epileptic seizure
duration.
|
Poseidon: An Efficient Communication Architecture for Distributed Deep
Learning on GPU Clusters | Deep learning models can take weeks to train on a single GPU-equipped
machine, necessitating scaling out DL training to a GPU-cluster. However,
current distributed DL implementations can scale poorly due to substantial
parameter synchronization over the network, because the high throughput of GPUs
allows more data batches to be processed per unit time than CPUs, leading to
more frequent network synchronization. We present Poseidon, an efficient
communication architecture for distributed DL on GPUs. Poseidon exploits the
layered model structures in DL programs to overlap communication and
computation, reducing bursty network communication. Moreover, Poseidon uses a
hybrid communication scheme that optimizes the number of bytes required to
synchronize each layer, according to layer properties and the number of
machines. We show that Poseidon is applicable to different DL frameworks by
plugging Poseidon into Caffe and TensorFlow. We show that Poseidon enables
Caffe and TensorFlow to achieve 15.5x speed-up on 16 single-GPU machines, even
with limited bandwidth (10GbE) and the challenging VGG19-22K network for image
classification. Moreover, Poseidon-enabled TensorFlow achieves 31.5x speed-up
with 32 single-GPU machines on Inception-V3, a 50% improvement over the
open-source TensorFlow (20x speed-up).
|
Neural networks and rational functions | Neural networks and rational functions efficiently approximate each other. In
more detail, it is shown here that for any ReLU network, there exists a
rational function of degree $O(\text{polylog}(1/\epsilon))$ which is
$\epsilon$-close, and similarly for any rational function there exists a ReLU
network of size $O(\text{polylog}(1/\epsilon))$ which is $\epsilon$-close. By
contrast, polynomials need degree $\Omega(\text{poly}(1/\epsilon))$ to
approximate even a single ReLU. When converting a ReLU network to a rational
function as above, the hidden constants depend exponentially on the number of
layers, which is shown to be tight; in other words, a compositional
representation can be beneficial even for rational functions.
|
Collect at Once, Use Effectively: Making Non-interactive Locally Private
Learning Possible | Non-interactive Local Differential Privacy (LDP) requires data analysts to
collect data from users through noisy channel at once. In this paper, we extend
the frontiers of Non-interactive LDP learning and estimation from several
aspects. For learning with smooth generalized linear losses, we propose an
approximate stochastic gradient oracle estimated from non-interactive LDP
channel, using Chebyshev expansion. Combined with inexact gradient methods, we
obtain an efficient algorithm with quasi-polynomial sample complexity bound.
For the high-dimensional world, we discover that under $\ell_2$-norm assumption
on data points, high-dimensional sparse linear regression and mean estimation
can be achieved with logarithmic dependence on dimension, using random
projection and approximate recovery. We also extend our methods to Kernel Ridge
Regression. Our work is the first one that makes learning and estimation
possible for a broad range of learning tasks under non-interactive LDP model.
|
On the Sampling Problem for Kernel Quadrature | The standard Kernel Quadrature method for numerical integration with random
point sets (also called Bayesian Monte Carlo) is known to converge in root mean
square error at a rate determined by the ratio $s/d$, where $s$ and $d$ encode
the smoothness and dimension of the integrand. However, an empirical
investigation reveals that the rate constant $C$ is highly sensitive to the
distribution of the random points. In contrast to standard Monte Carlo
integration, for which optimal importance sampling is well-understood, the
sampling distribution that minimises $C$ for Kernel Quadrature does not admit a
closed form. This paper argues that the practical choice of sampling
distribution is an important open problem. One solution is considered; a novel
automatic approach based on adaptive tempering and sequential Monte Carlo.
Empirical results demonstrate a dramatic reduction in integration error of up
to 4 orders of magnitude can be achieved with the proposed method.
|
Deep EHR: A Survey of Recent Advances in Deep Learning Techniques for
Electronic Health Record (EHR) Analysis | The past decade has seen an explosion in the amount of digital information
stored in electronic health records (EHR). While primarily designed for
archiving patient clinical information and administrative healthcare tasks,
many researchers have found secondary use of these records for various clinical
informatics tasks. Over the same period, the machine learning community has
seen widespread advances in deep learning techniques, which also have been
successfully applied to the vast amount of EHR data. In this paper, we review
these deep EHR systems, examining architectures, technical aspects, and
clinical applications. We also identify shortcomings of current techniques and
discuss avenues of future research for EHR-based deep learning.
|
Optimal Auctions through Deep Learning | Designing an incentive compatible auction that maximizes expected revenue is
an intricate task. The single-item case was resolved in a seminal piece of work
by Myerson in 1981. Even after 30-40 years of intense research the problem
remains unsolved for settings with two or more items. In this work, we initiate
the exploration of the use of tools from deep learning for the automated design
of optimal auctions. We model an auction as a multi-layer neural network, frame
optimal auction design as a constrained learning problem, and show how it can
be solved using standard machine learning pipelines. We prove generalization
bounds and present extensive experiments, recovering essentially all known
analytical solutions for multi-item settings, and obtaining novel mechanisms
for settings in which the optimal mechanism is unknown.
|
Confident Multiple Choice Learning | Ensemble methods are arguably the most trustworthy techniques for boosting
the performance of machine learning models. Popular independent ensembles (IE)
relying on naive averaging/voting scheme have been of typical choice for most
applications involving deep neural networks, but they do not consider advanced
collaboration among ensemble models. In this paper, we propose new ensemble
methods specialized for deep neural networks, called confident multiple choice
learning (CMCL): it is a variant of multiple choice learning (MCL) via
addressing its overconfidence issue.In particular, the proposed major
components of CMCL beyond the original MCL scheme are (i) new loss, i.e.,
confident oracle loss, (ii) new architecture, i.e., feature sharing and (iii)
new training method, i.e., stochastic labeling. We demonstrate the effect of
CMCL via experiments on the image classification on CIFAR and SVHN, and the
foreground-background segmentation on the iCoseg. In particular, CMCL using 5
residual networks provides 14.05% and 6.60% relative reductions in the top-1
error rates from the corresponding IE scheme for the classification task on
CIFAR and SVHN, respectively.
|
Random Forests, Decision Trees, and Categorical Predictors: The "Absent
Levels" Problem | One advantage of decision tree based methods like random forests is their
ability to natively handle categorical predictors without having to first
transform them (e.g., by using feature engineering techniques). However, in
this paper, we show how this capability can lead to an inherent "absent levels"
problem for decision tree based methods that has never been thoroughly
discussed, and whose consequences have never been carefully explored. This
problem occurs whenever there is an indeterminacy over how to handle an
observation that has reached a categorical split which was determined when the
observation in question's level was absent during training. Although these
incidents may appear to be innocuous, by using Leo Breiman and Adele Cutler's
random forests FORTRAN code and the randomForest R package (Liaw and Wiener,
2002) as motivating case studies, we examine how overlooking the absent levels
problem can systematically bias a model. Furthermore, by using three real data
examples, we illustrate how absent levels can dramatically alter a model's
performance in practice, and we empirically demonstrate how some simple
heuristics can be used to help mitigate the effects of the absent levels
problem until a more robust theoretical solution is found.
|
Recursive Multikernel Filters Exploiting Nonlinear Temporal Structure | In kernel methods, temporal information on the data is commonly included by
using time-delayed embeddings as inputs. Recently, an alternative formulation
was proposed by defining a gamma-filter explicitly in a reproducing kernel
Hilbert space, giving rise to a complex model where multiple kernels operate on
different temporal combinations of the input signal. In the original
formulation, the kernels are then simply combined to obtain a single kernel
matrix (for instance by averaging), which provides computational benefits but
discards important information on the temporal structure of the signal.
Inspired by works on multiple kernel learning, we overcome this drawback by
considering the different kernels separately. We propose an efficient strategy
to adaptively combine and select these kernels during the training phase. The
resulting batch and online algorithms automatically learn to process highly
nonlinear temporal information extracted from the input signal, which is
implicitly encoded in the kernel values. We evaluate our proposal on several
artificial and real tasks, showing that it can outperform classical approaches
both in batch and online settings.
|
Enriched Deep Recurrent Visual Attention Model for Multiple Object
Recognition | We design an Enriched Deep Recurrent Visual Attention Model (EDRAM) - an
improved attention-based architecture for multiple object recognition. The
proposed model is a fully differentiable unit that can be optimized end-to-end
by using Stochastic Gradient Descent (SGD). The Spatial Transformer (ST) was
employed as visual attention mechanism which allows to learn the geometric
transformation of objects within images. With the combination of the Spatial
Transformer and the powerful recurrent architecture, the proposed EDRAM can
localize and recognize objects simultaneously. EDRAM has been evaluated on two
publicly available datasets including MNIST Cluttered (with 70K cluttered
digits) and SVHN (with up to 250k real world images of house numbers).
Experiments show that it obtains superior performance as compared with the
state-of-the-art models.
|
Context encoding enables machine learning-based quantitative
photoacoustics | Real-time monitoring of functional tissue parameters, such as local blood
oxygenation, based on optical imaging could provide groundbreaking advances in
the diagnosis and interventional therapy of various diseases. While
photoacoustic (PA) imaging is a novel modality with great potential to measure
optical absorption deep inside tissue, quantification of the measurements
remains a major challenge. In this paper, we introduce the first machine
learning based approach to quantitative PA imaging (qPAI), which relies on
learning the fluence in a voxel to deduce the corresponding optical absorption.
The method encodes relevant information of the measured signal and the
characteristics of the imaging system in voxel-based feature vectors, which
allow the generation of thousands of training samples from a single simulated
PA image. Comprehensive in silico experiments suggest that context encoding
(CE)-qPAI enables highly accurate and robust quantification of the local
fluence and thereby the optical absorption from PA images.
|
Clustering Small Samples with Quality Guarantees: Adaptivity with
One2all pps | Clustering of data points is a fundamental tool in data analysis. We consider
points $X$ in a relaxed metric space, where the triangle inequality holds
within a constant factor. The {\em cost} of clustering $X$ by $Q$ is
$V(Q)=\sum_{x\in X} d_{xQ}$. Two basic tasks, parametrized by $k \geq 1$, are
{\em cost estimation}, which returns (approximate) $V(Q)$ for queries $Q$ such
that $|Q|=k$ and {\em clustering}, which returns an (approximate) minimizer of
$V(Q)$ of size $|Q|=k$. With very large data sets $X$, we seek efficient
constructions of small samples that act as surrogates to the full data for
performing these tasks. Existing constructions that provide quality guarantees
are either worst-case, and unable to benefit from structure of real data sets,
or make explicit strong assumptions on the structure. We show here how to avoid
both these pitfalls using adaptive designs.
At the core of our design is the {\em one2all} construction of
multi-objective probability-proportional-to-size (pps) samples: Given a set $M$
of centroids and $\alpha \geq 1$, one2all efficiently assigns probabilities to
points so that the clustering cost of {\em each} $Q$ with cost $V(Q) \geq
V(M)/\alpha$ can be estimated well from a sample of size $O(\alpha
|M|\epsilon^{-2})$. For cost queries, we can obtain worst-case sample size
$O(k\epsilon^{-2})$ by applying one2all to a bicriteria approximation $M$, but
we adaptively balance $|M|$ and $\alpha$ to further reduce sample size. For
clustering, we design an adaptive wrapper that applies a base clustering
algorithm to a sample $S$. Our wrapper uses the smallest sample that provides
statistical guarantees that the quality of the clustering on the sample carries
over to the full data set. We demonstrate experimentally the huge gains of
using our adaptive instead of worst-case methods.
|
Tackling Over-pruning in Variational Autoencoders | Variational autoencoders (VAE) are directed generative models that learn
factorial latent variables. As noted by Burda et al. (2015), these models
exhibit the problem of factor over-pruning where a significant number of
stochastic factors fail to learn anything and become inactive. This can limit
their modeling power and their ability to learn diverse and meaningful latent
representations. In this paper, we evaluate several methods to address this
problem and propose a more effective model-based approach called the epitomic
variational autoencoder (eVAE). The so-called epitomes of this model are groups
of mutually exclusive latent factors that compete to explain the data. This
approach helps prevent inactive units since each group is pressured to explain
the data. We compare the approaches with qualitative and quantitative results
on MNIST and TFD datasets. Our results show that eVAE makes efficient use of
model capacity and generalizes better than VAE.
|
Certified Defenses for Data Poisoning Attacks | Machine learning systems trained on user-provided data are susceptible to
data poisoning attacks, whereby malicious users inject false training data with
the aim of corrupting the learned model. While recent work has proposed a
number of attacks and defenses, little is understood about the worst-case loss
of a defense in the face of a determined attacker. We address this by
constructing approximate upper bounds on the loss across a broad family of
attacks, for defenders that first perform outlier removal followed by empirical
risk minimization. Our approximation relies on two assumptions: (1) that the
dataset is large enough for statistical concentration between train and test
error to hold, and (2) that outliers within the clean (non-poisoned) data do
not have a strong effect on the model. Our bound comes paired with a candidate
attack that often nearly matches the upper bound, giving us a powerful tool for
quickly assessing defenses on a given dataset. Empirically, we find that even
under a simple defense, the MNIST-1-7 and Dogfish datasets are resilient to
attack, while in contrast the IMDB sentiment dataset can be driven from 12% to
23% test error by adding only 3% poisoned data.
|
SEVEN: Deep Semi-supervised Verification Networks | Verification determines whether two samples belong to the same class or not,
and has important applications such as face and fingerprint verification, where
thousands or millions of categories are present but each category has scarce
labeled examples, presenting two major challenges for existing deep learning
models. We propose a deep semi-supervised model named SEmi-supervised
VErification Network (SEVEN) to address these challenges. The model consists of
two complementary components. The generative component addresses the lack of
supervision within each category by learning general salient structures from a
large amount of data across categories. The discriminative component exploits
the learned general features to mitigate the lack of supervision within
categories, and also directs the generative component to find more informative
structures of the whole data manifold. The two components are tied together in
SEVEN to allow an end-to-end training of the two components. Extensive
experiments on four verification tasks demonstrate that SEVEN significantly
outperforms other state-of-the-art deep semi-supervised techniques when labeled
data are in short supply. Furthermore, SEVEN is competitive with fully
supervised baselines trained with a larger amount of labeled data. It indicates
the importance of the generative component in SEVEN.
|
Channel-Recurrent Autoencoding for Image Modeling | Despite recent successes in synthesizing faces and bedrooms, existing
generative models struggle to capture more complex image types, potentially due
to the oversimplification of their latent space constructions. To tackle this
issue, building on Variational Autoencoders (VAEs), we integrate recurrent
connections across channels to both inference and generation steps, allowing
the high-level features to be captured in global-to-local, coarse-to-fine
manners. Combined with adversarial loss, our channel-recurrent VAE-GAN
(crVAE-GAN) outperforms VAE-GAN in generating a diverse spectrum of high
resolution images while maintaining the same level of computational efficacy.
Our model produces interpretable and expressive latent representations to
benefit downstream tasks such as image completion. Moreover, we propose two
novel regularizations, namely the KL objective weighting scheme over time steps
and mutual information maximization between transformed latent variables and
the outputs, to enhance the training.
|
Large-Scale Plant Classification with Deep Neural Networks | This paper discusses the potential of applying deep learning techniques for
plant classification and its usage for citizen science in large-scale
biodiversity monitoring. We show that plant classification using near
state-of-the-art convolutional network architectures like ResNet50 achieves
significant improvements in accuracy compared to the most widespread plant
classification application in test sets composed of thousands of different
species labels. We find that the predictions can be confidently used as a
baseline classification in citizen science communities like iNaturalist (or its
Spanish fork, Natusfera) which in turn can share their data with biodiversity
portals like GBIF.
|
Deep reinforcement learning from human preferences | For sophisticated reinforcement learning (RL) systems to interact usefully
with real-world environments, we need to communicate complex goals to these
systems. In this work, we explore goals defined in terms of (non-expert) human
preferences between pairs of trajectory segments. We show that this approach
can effectively solve complex RL tasks without access to the reward function,
including Atari games and simulated robot locomotion, while providing feedback
on less than one percent of our agent's interactions with the environment. This
reduces the cost of human oversight far enough that it can be practically
applied to state-of-the-art RL systems. To demonstrate the flexibility of our
approach, we show that we can successfully train complex novel behaviors with
about an hour of human time. These behaviors and environments are considerably
more complex than any that have been previously learned from human feedback.
|
Attention Is All You Need | The dominant sequence transduction models are based on complex recurrent or
convolutional neural networks in an encoder-decoder configuration. The best
performing models also connect the encoder and decoder through an attention
mechanism. We propose a new simple network architecture, the Transformer, based
solely on attention mechanisms, dispensing with recurrence and convolutions
entirely. Experiments on two machine translation tasks show these models to be
superior in quality while being more parallelizable and requiring significantly
less time to train. Our model achieves 28.4 BLEU on the WMT 2014
English-to-German translation task, improving over the existing best results,
including ensembles by over 2 BLEU. On the WMT 2014 English-to-French
translation task, our model establishes a new single-model state-of-the-art
BLEU score of 41.8 after training for 3.5 days on eight GPUs, a small fraction
of the training costs of the best models from the literature. We show that the
Transformer generalizes well to other tasks by applying it successfully to
English constituency parsing both with large and limited training data.
|
Encoding of phonology in a recurrent neural model of grounded speech | We study the representation and encoding of phonemes in a recurrent neural
network model of grounded speech. We use a model which processes images and
their spoken descriptions, and projects the visual and auditory representations
into the same semantic space. We perform a number of analyses on how
information about individual phonemes is encoded in the MFCC features extracted
from the speech signal, and the activations of the layers of the model. Via
experiments with phoneme decoding and phoneme discrimination we show that
phoneme representations are most salient in the lower layers of the model,
where low-level signals are processed at a fine-grained level, although a large
amount of phonological information is retain at the top recurrent layer. We
further find out that the attention mechanism following the top recurrent layer
significantly attenuates encoding of phonology and makes the utterance
embeddings much more invariant to synonymy. Moreover, a hierarchical clustering
of phoneme representations learned by the network shows an organizational
structure of phonemes similar to those proposed in linguistics.
|
SmoothGrad: removing noise by adding noise | Explaining the output of a deep network remains a challenge. In the case of
an image classifier, one type of explanation is to identify pixels that
strongly influence the final decision. A starting point for this strategy is
the gradient of the class score function with respect to the input image. This
gradient can be interpreted as a sensitivity map, and there are several
techniques that elaborate on this basic idea. This paper makes two
contributions: it introduces SmoothGrad, a simple method that can help visually
sharpen gradient-based sensitivity maps, and it discusses lessons in the
visualization of these maps. We publish the code for our experiments and a
website with our results.
|
Recurrent Neural Networks with Top-k Gains for Session-based
Recommendations | RNNs have been shown to be excellent models for sequential data and in
particular for data that is generated by users in an session-based manner. The
use of RNNs provides impressive performance benefits over classical methods in
session-based recommendations. In this work we introduce novel ranking loss
functions tailored to RNNs in the recommendation setting. The improved
performance of these losses over alternatives, along with further tricks and
refinements described in this work, allow for an overall improvement of up to
35% in terms of MRR and Recall@20 over previous session-based RNN solutions and
up to 53% over classical collaborative filtering approaches. Unlike data
augmentation-based improvements, our method does not increase training times
significantly. We further demonstrate the performance gain of the RNN over
baselines in an online A/B test.
|
Adversarial Feature Matching for Text Generation | The Generative Adversarial Network (GAN) has achieved great success in
generating realistic (real-valued) synthetic data. However, convergence issues
and difficulties dealing with discrete data hinder the applicability of GAN to
text. We propose a framework for generating realistic text via adversarial
training. We employ a long short-term memory network as generator, and a
convolutional network as discriminator. Instead of using the standard objective
of GAN, we propose matching the high-dimensional latent feature distributions
of real and synthetic sentences, via a kernelized discrepancy metric. This
eases adversarial training by alleviating the mode-collapsing problem. Our
experiments show superior performance in quantitative evaluation, and
demonstrate that our model can generate realistic-looking sentences.
|
Subspace Clustering via Optimal Direction Search | This letter presents a new spectral-clustering-based approach to the subspace
clustering problem. Underpinning the proposed method is a convex program for
optimal direction search, which for each data point d finds an optimal
direction in the span of the data that has minimum projection on the other data
points and non-vanishing projection on d. The obtained directions are
subsequently leveraged to identify a neighborhood set for each data point. An
alternating direction method of multipliers framework is provided to
efficiently solve for the optimal directions. The proposed method is shown to
notably outperform the existing subspace clustering methods, particularly for
unwieldy scenarios involving high levels of noise and close subspaces, and
yields the state-of-the-art results for the problem of face clustering using
subspace segmentation.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.