title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Improving the Universality and Learnability of Neural
Programmer-Interpreters with Combinator Abstraction | To overcome the limitations of Neural Programmer-Interpreters (NPI) in its
universality and learnability, we propose the incorporation of combinator
abstraction into neural programing and a new NPI architecture to support this
abstraction, which we call Combinatory Neural Programmer-Interpreter (CNPI).
Combinator abstraction dramatically reduces the number and complexity of
programs that need to be interpreted by the core controller of CNPI, while
still allowing the CNPI to represent and interpret arbitrary complex programs
by the collaboration of the core with the other components. We propose a small
set of four combinators to capture the most pervasive programming patterns. Due
to the finiteness and simplicity of this combinator set and the offloading of
some burden of interpretation from the core, we are able construct a CNPI that
is universal with respect to the set of all combinatorizable programs, which is
adequate for solving most algorithmic tasks. Moreover, besides supervised
training on execution traces, CNPI can be trained by policy gradient
reinforcement learning with appropriately designed curricula.
|
Autonomous Power Allocation based on Distributed Deep Learning for
Device-to-Device Communication Underlaying Cellular Network | For Device-to-device (D2D) communication of Internet-of-Things (IoT) enabled
5G system, there is a limit to allocating resources considering a complicated
interference between different links in a centralized manner. If D2D link is
controlled by an enhanced node base station (eNB), and thus, remains a burden
on the eNB and it causes delayed latency. This paper proposes a fully
autonomous power allocation method for IoT-D2D communication underlaying
cellular networks using deep learning. In the proposed scheme, an IoT-D2D
transmitter decides the transmit power independently from an eNB and other
IoT-D2D devices. In addition, the power set can be nearly optimized by deep
learning with distributed manner to achieve higher cell throughput. We present
a distributed deep learning architecture in which the devices are trained as a
group but operate independently. The deep learning can attain near optimal cell
throughput while suppressing interference to eNB.
|
Learning Inductive Biases with Simple Neural Networks | People use rich prior knowledge about the world in order to efficiently learn
new concepts. These priors - also known as "inductive biases" - pertain to the
space of internal models considered by a learner, and they help the learner
make inferences that go beyond the observed data. A recent study found that
deep neural networks optimized for object recognition develop the shape bias
(Ritter et al., 2017), an inductive bias possessed by children that plays an
important role in early word learning. However, these networks use
unrealistically large quantities of training data, and the conditions required
for these biases to develop are not well understood. Moreover, it is unclear
how the learning dynamics of these networks relate to developmental processes
in childhood. We investigate the development and influence of the shape bias in
neural networks using controlled datasets of abstract patterns and synthetic
images, allowing us to systematically vary the quantity and form of the
experience provided to the learning algorithms. We find that simple neural
networks develop a shape bias after seeing as few as 3 examples of 4 object
categories. The development of these biases predicts the onset of vocabulary
acceleration in our networks, consistent with the developmental process in
children.
|
Transductive Adversarial Networks (TAN) | Transductive Adversarial Networks (TAN) is a novel domain-adaptation machine
learning framework that is designed for learning a conditional probability
distribution on unlabelled input data in a target domain, while also only
having access to: (1) easily obtained labelled data from a related source
domain, which may have a different conditional probability distribution than
the target domain, and (2) a marginalised prior distribution on the labels for
the target domain. TAN leverages a fully adversarial training procedure and a
unique generator/encoder architecture which approximates the transductive
combination of the available source- and target-domain data. A benefit of TAN
is that it allows the distance between the source- and target-domain
label-vector marginal probability distributions to be greater than 0 (i.e.
different tasks across the source and target domains) whereas other
domain-adaptation algorithms require this distance to equal 0 (i.e. a single
task across the source and target domains). TAN can, however, still handle the
latter case and is a more generalised approach to this case. Another benefit of
TAN is that due to being a fully adversarial algorithm, it has the potential to
accurately approximate highly complex distributions. Theoretical analysis
demonstrates the viability of the TAN framework.
|
Neural Network Renormalization Group | We present a variational renormalization group (RG) approach using a deep
generative model based on normalizing flows. The model performs hierarchical
change-of-variables transformations from the physical space to a latent space
with reduced mutual information. Conversely, the neural net directly maps
independent Gaussian noises to physical configurations following the inverse RG
flow. The model has an exact and tractable likelihood, which allows unbiased
training and direct access to the renormalized energy function of the latent
variables. To train the model, we employ probability density distillation for
the bare energy function of the physical problem, in which the training loss
provides a variational upper bound of the physical free energy. We demonstrate
practical usage of the approach by identifying mutually independent collective
variables of the Ising model and performing accelerated hybrid Monte Carlo
sampling in the latent space. Lastly, we comment on the connection of the
present approach to the wavelet formulation of RG and the modern pursuit of
information preserving RG.
|
Online Learning: A Comprehensive Survey | Online learning represents an important family of machine learning
algorithms, in which a learner attempts to resolve an online prediction (or any
type of decision-making) task by learning a model/hypothesis from a sequence of
data instances one at a time. The goal of online learning is to ensure that the
online learner would make a sequence of accurate predictions (or correct
decisions) given the knowledge of correct answers to previous prediction or
learning tasks and possibly additional information. This is in contrast to many
traditional batch learning or offline machine learning algorithms that are
often designed to train a model in batch from a given collection of training
data instances. This survey aims to provide a comprehensive survey of the
online machine learning literatures through a systematic review of basic ideas
and key principles and a proper categorization of different algorithms and
techniques. Generally speaking, according to the learning type and the forms of
feedback information, the existing online learning works can be classified into
three major categories: (i) supervised online learning where full feedback
information is always available, (ii) online learning with limited feedback,
and (iii) unsupervised online learning where there is no feedback available.
Due to space limitation, the survey will be mainly focused on the first
category, but also briefly cover some basics of the other two categories.
Finally, we also discuss some open issues and attempt to shed light on
potential future research directions in this field.
|
A Game-Theoretic Approach to Design Secure and Resilient Distributed
Support Vector Machines | Distributed Support Vector Machines (DSVM) have been developed to solve
large-scale classification problems in networked systems with a large number of
sensors and control units. However, the systems become more vulnerable as
detection and defense are increasingly difficult and expensive. This work aims
to develop secure and resilient DSVM algorithms under adversarial environments
in which an attacker can manipulate the training data to achieve his objective.
We establish a game-theoretic framework to capture the conflicting interests
between an adversary and a set of distributed data processing units. The Nash
equilibrium of the game allows predicting the outcome of learning algorithms in
adversarial environments, and enhancing the resilience of the machine learning
through dynamic distributed learning algorithms. We prove that the convergence
of the distributed algorithm is guaranteed without assumptions on the training
data or network topologies. Numerical experiments are conducted to corroborate
the results. We show that network topology plays an important role in the
security of DSVM. Networks with fewer nodes and higher average degrees are more
secure. Moreover, a balanced network is found to be less vulnerable to attacks.
|
Spectral State Compression of Markov Processes | Model reduction of Markov processes is a basic problem in modeling
state-transition systems. Motivated by the state aggregation approach rooted in
control theory, we study the statistical state compression of a discrete-state
Markov chain from empirical trajectories. Through the lens of spectral
decomposition, we study the rank and features of Markov processes, as well as
properties like representability, aggregability, and lumpability. We develop
spectral methods for estimating the transition matrix of a low-rank Markov
model, estimating the leading subspace spanned by Markov features, and
recovering latent structures like state aggregation and lumpable partition of
the state space. We prove statistical upper bounds for the estimation errors
and nearly matching minimax lower bounds. Numerical studies are performed on
synthetic data and a dataset of New York City taxi trips.
|
TSViz: Demystification of Deep Learning Models for Time-Series Analysis | This paper presents a novel framework for demystification of convolutional
deep learning models for time-series analysis. This is a step towards making
informed/explainable decisions in the domain of time-series, powered by deep
learning. There have been numerous efforts to increase the interpretability of
image-centric deep neural network models, where the learned features are more
intuitive to visualize. Visualization in time-series domain is much more
complicated as there is no direct interpretation of the filters and inputs as
compared to the image modality. In addition, little or no concentration has
been devoted for the development of such tools in the domain of time-series in
the past. TSViz provides possibilities to explore and analyze a network from
different dimensions at different levels of abstraction which includes
identification of parts of the input that were responsible for a prediction
(including per filter saliency), importance of different filters present in the
network for a particular prediction, notion of diversity present in the network
through filter clustering, understanding of the main sources of variation
learnt by the network through inverse optimization, and analysis of the
network's robustness against adversarial noise. As a sanity check for the
computed influence values, we demonstrate results regarding pruning of neural
networks based on the computed influence information. These representations
allow to understand the network features so that the acceptability of deep
networks for time-series data can be enhanced. This is extremely important in
domains like finance, industry 4.0, self-driving cars, health-care,
counter-terrorism etc., where reasons for reaching a particular prediction are
equally important as the prediction itself. We assess the proposed framework
for interpretability with a set of desirable properties essential for any
method.
|
Learning Sparse Wavelet Representations | In this work we propose a method for learning wavelet filters directly from
data. We accomplish this by framing the discrete wavelet transform as a
modified convolutional neural network. We introduce an autoencoder wavelet
transform network that is trained using gradient descent. We show that the
model is capable of learning structured wavelet filters from synthetic and real
data. The learned wavelets are shown to be similar to traditional wavelets that
are derived using Fourier methods. Our method is simple to implement and easily
incorporated into neural network architectures. A major advantage to our model
is that we can learn from raw audio data.
|
Stochastic subgradient method converges at the rate $O(k^{-1/4})$ on
weakly convex functions | We prove that the proximal stochastic subgradient method, applied to a weakly
convex problem, drives the gradient of the Moreau envelope to zero at the rate
$O(k^{-1/4})$. As a consequence, we resolve an open question on the convergence
rate of the proximal stochastic gradient method for minimizing the sum of a
smooth nonconvex function and a convex proximable function.
|
Statistical Learnability of Generalized Additive Models based on Total
Variation Regularization | A generalized additive model (GAM, Hastie and Tibshirani (1987)) is a
nonparametric model by the sum of univariate functions with respect to each
explanatory variable, i.e., $f({\mathbf x}) = \sum f_j(x_j)$, where
$x_j\in\mathbb{R}$ is $j$-th component of a sample ${\mathbf x}\in
\mathbb{R}^p$. In this paper, we introduce the total variation (TV) of a
function as a measure of the complexity of functions in $L^1_{\rm
c}(\mathbb{R})$-space. Our analysis shows that a GAM based on TV-regularization
exhibits a Rademacher complexity of $O(\sqrt{\frac{\log p}{m}})$, which is
tight in terms of both $m$ and $p$ in the agnostic case of the classification
problem. In result, we obtain generalization error bounds for finite samples
according to work by Bartlett and Mandelson (2002).
|
Learning and Querying Fast Generative Models for Reinforcement Learning | A key challenge in model-based reinforcement learning (RL) is to synthesize
computationally efficient and accurate environment models. We show that
carefully designed generative models that learn and operate on compact state
representations, so-called state-space models, substantially reduce the
computational costs for predicting outcomes of sequences of actions. Extensive
experiments establish that state-space models accurately capture the dynamics
of Atari games from the Arcade Learning Environment from raw pixels. The
computational speed-up of state-space models while maintaining high accuracy
makes their application in RL feasible: We demonstrate that agents which query
these models for decision making outperform strong model-free baselines on the
game MSPACMAN, demonstrating the potential of using learned environment models
for planning.
|
Algorithmic Bidding for Virtual Trading in Electricity Markets | We consider the problem of optimal bidding for virtual trading in
two-settlement electricity markets. A virtual trader aims to arbitrage on the
differences between day-ahead and real-time market prices; both prices,
however, are random and unknown to market participants. An online learning
algorithm is proposed to maximize the cumulative payoff over a finite number of
trading sessions by allocating the trader's budget among his bids for K options
in each session. It is shown that the proposed algorithm converges, with an
almost optimal convergence rate, to the global optimal corresponding to the
case when the underlying price distribution is known. The proposed algorithm is
also generalized for trading strategies with a risk measure. By using both
cumulative payoff and Sharpe ratio as performance metrics, evaluations were
performed based on historical data spanning ten year period of NYISO and PJM
markets. It was shown that the proposed strategy outperforms standard
benchmarks and the S&P 500 index over the same period.
|
Few-shot learning of neural networks from scratch by pseudo example
optimization | In this paper, we propose a simple but effective method for training neural
networks with a limited amount of training data. Our approach inherits the idea
of knowledge distillation that transfers knowledge from a deep or wide
reference model to a shallow or narrow target model. The proposed method
employs this idea to mimic predictions of reference estimators that are more
robust against overfitting than the network we want to train. Different from
almost all the previous work for knowledge distillation that requires a large
amount of labeled training data, the proposed method requires only a small
amount of training data. Instead, we introduce pseudo training examples that
are optimized as a part of model parameters. Experimental results for several
benchmark datasets demonstrate that the proposed method outperformed all the
other baselines, such as naive training of the target model and standard
knowledge distillation.
|
Detection of Adversarial Training Examples in Poisoning Attacks through
Anomaly Detection | Machine learning has become an important component for many systems and
applications including computer vision, spam filtering, malware and network
intrusion detection, among others. Despite the capabilities of machine learning
algorithms to extract valuable information from data and produce accurate
predictions, it has been shown that these algorithms are vulnerable to attacks.
Data poisoning is one of the most relevant security threats against machine
learning systems, where attackers can subvert the learning process by injecting
malicious samples in the training data. Recent work in adversarial machine
learning has shown that the so-called optimal attack strategies can
successfully poison linear classifiers, degrading the performance of the system
dramatically after compromising a small fraction of the training dataset. In
this paper we propose a defence mechanism to mitigate the effect of these
optimal poisoning attacks based on outlier detection. We show empirically that
the adversarial examples generated by these attack strategies are quite
different from genuine points, as no detectability constrains are considered to
craft the attack. Hence, they can be detected with an appropriate pre-filtering
of the training dataset.
|
PoTrojan: powerful neural-level trojan designs in deep learning models | With the popularity of deep learning (DL), artificial intelligence (AI) has
been applied in many areas of human life. Neural network or artificial neural
network (NN), the main technique behind DL, has been extensively studied to
facilitate computer vision and natural language recognition. However, the more
we rely on information technology, the more vulnerable we are. That is,
malicious NNs could bring huge threat in the so-called coming AI era. In this
paper, for the first time in the literature, we propose a novel approach to
design and insert powerful neural-level trojans or PoTrojan in pre-trained NN
models. Most of the time, PoTrojans remain inactive, not affecting the normal
functions of their host NN models. PoTrojans could only be triggered in very
rare conditions. Once activated, however, the PoTrojans could cause the host NN
models to malfunction, either falsely predicting or classifying, which is a
significant threat to human society of the AI era. We would explain the
principles of PoTrojans and the easiness of designing and inserting them in
pre-trained deep learning models. PoTrojans doesn't modify the existing
architecture or parameters of the pre-trained models, without re-training.
Hence, the proposed method is very efficient.
|
Thompson Sampling for Dynamic Pricing | In this paper we apply active learning algorithms for dynamic pricing in a
prominent e-commerce website. Dynamic pricing involves changing the price of
items on a regular basis, and uses the feedback from the pricing decisions to
update prices of the items. Most popular approaches to dynamic pricing use a
passive learning approach, where the algorithm uses historical data to learn
various parameters of the pricing problem, and uses the updated parameters to
generate a new set of prices. We show that one can use active learning
algorithms such as Thompson sampling to more efficiently learn the underlying
parameters in a pricing problem. We apply our algorithms to a real e-commerce
system and show that the algorithms indeed improve revenue compared to pricing
algorithms that use passive learning.
|
Learning Latent Representations in Neural Networks for Clustering
through Pseudo Supervision and Graph-based Activity Regularization | In this paper, we propose a novel unsupervised clustering approach exploiting
the hidden information that is indirectly introduced through a pseudo
classification objective. Specifically, we randomly assign a pseudo
parent-class label to each observation which is then modified by applying the
domain specific transformation associated with the assigned label. Generated
pseudo observation-label pairs are subsequently used to train a neural network
with Auto-clustering Output Layer (ACOL) that introduces multiple softmax nodes
for each pseudo parent-class. Due to the unsupervised objective based on
Graph-based Activity Regularization (GAR) terms, softmax duplicates of each
parent-class are specialized as the hidden information captured through the
help of domain specific transformations is propagated during training.
Ultimately we obtain a k-means friendly latent representation. Furthermore, we
demonstrate how the chosen transformation type impacts performance and helps
propagate the latent information that is useful in revealing unknown clusters.
Our results show state-of-the-art performance for unsupervised clustering tasks
on MNIST, SVHN and USPS datasets, with the highest accuracies reported to date
in the literature.
|
Batch Kalman Normalization: Towards Training Deep Neural Networks with
Micro-Batches | As an indispensable component, Batch Normalization (BN) has successfully
improved the training of deep neural networks (DNNs) with mini-batches, by
normalizing the distribution of the internal representation for each hidden
layer. However, the effectiveness of BN would diminish with scenario of
micro-batch (e.g., less than 10 samples in a mini-batch), since the estimated
statistics in a mini-batch are not reliable with insufficient samples. In this
paper, we present a novel normalization method, called Batch Kalman
Normalization (BKN), for improving and accelerating the training of DNNs,
particularly under the context of micro-batches. Specifically, unlike the
existing solutions treating each hidden layer as an isolated system, BKN treats
all the layers in a network as a whole system, and estimates the statistics of
a certain layer by considering the distributions of all its preceding layers,
mimicking the merits of Kalman Filtering. BKN has two appealing properties.
First, it enables more stable training and faster convergence compared to
previous works. Second, training DNNs using BKN performs substantially better
than those using BN and its variants, especially when very small mini-batches
are presented. On the image classification benchmark of ImageNet, using BKN
powered networks we improve upon the best-published model-zoo results: reaching
74.0% top-1 val accuracy for InceptionV2. More importantly, using BKN achieves
the comparable accuracy with extremely smaller batch size, such as 64 times
smaller on CIFAR-10/100 and 8 times smaller on ImageNet.
|
Neural Dynamic Programming for Musical Self Similarity | We present a neural sequence model designed specifically for symbolic music.
The model is based on a learned edit distance mechanism which generalises a
classic recursion from computer sci- ence, leading to a neural dynamic program.
Re- peated motifs are detected by learning the transfor- mations between them.
We represent the arising computational dependencies using a novel data
structure, the edit tree; this perspective suggests natural approximations
which afford the scaling up of our otherwise cubic time algorithm. We
demonstrate our model on real and synthetic data; in all cases it out-performs
a strong stacked long short-term memory benchmark.
|
Relational Autoencoder for Feature Extraction | Feature extraction becomes increasingly important as data grows high
dimensional. Autoencoder as a neural network based feature extraction method
achieves great success in generating abstract features of high dimensional
data. However, it fails to consider the relationships of data samples which may
affect experimental results of using original and new features. In this paper,
we propose a Relation Autoencoder model considering both data features and
their relationships. We also extend it to work with other major autoencoder
models including Sparse Autoencoder, Denoising Autoencoder and Variational
Autoencoder. The proposed relational autoencoder models are evaluated on a set
of benchmark datasets and the experimental results show that considering data
relationships can generate more robust features which achieve lower
construction loss and then lower error rate in further classification compared
to the other variants of autoencoders.
|
Deep Private-Feature Extraction | We present and evaluate Deep Private-Feature Extractor (DPFE), a deep model
which is trained and evaluated based on information theoretic constraints.
Using the selective exchange of information between a user's device and a
service provider, DPFE enables the user to prevent certain sensitive
information from being shared with a service provider, while allowing them to
extract approved information using their model. We introduce and utilize the
log-rank privacy, a novel measure to assess the effectiveness of DPFE in
removing sensitive information and compare different models based on their
accuracy-privacy tradeoff. We then implement and evaluate the performance of
DPFE on smartphones to understand its complexity, resource demands, and
efficiency tradeoffs. Our results on benchmark image datasets demonstrate that
under moderate resource utilization, DPFE can achieve high accuracy for primary
tasks while preserving the privacy of sensitive features.
|
URLNet: Learning a URL Representation with Deep Learning for Malicious
URL Detection | Malicious URLs host unsolicited content and are used to perpetrate
cybercrimes. It is imperative to detect them in a timely manner. Traditionally,
this is done through the usage of blacklists, which cannot be exhaustive, and
cannot detect newly generated malicious URLs. To address this, recent years
have witnessed several efforts to perform Malicious URL Detection using Machine
Learning. The most popular and scalable approaches use lexical properties of
the URL string by extracting Bag-of-words like features, followed by applying
machine learning models such as SVMs. There are also other features designed by
experts to improve the prediction performance of the model. These approaches
suffer from several limitations: (i) Inability to effectively capture semantic
meaning and sequential patterns in URL strings; (ii) Requiring substantial
manual feature engineering; and (iii) Inability to handle unseen features and
generalize to test data. To address these challenges, we propose URLNet, an
end-to-end deep learning framework to learn a nonlinear URL embedding for
Malicious URL Detection directly from the URL. Specifically, we apply
Convolutional Neural Networks to both characters and words of the URL String to
learn the URL embedding in a jointly optimized framework. This approach allows
the model to capture several types of semantic information, which was not
possible by the existing models. We also propose advanced word-embeddings to
solve the problem of too many rare words observed in this task. We conduct
extensive experiments on a large-scale dataset and show a significant
performance gain over existing methods. We also conduct ablation studies to
evaluate the performance of various components of URLNet.
|
Adversarial Metric Learning | In the past decades, intensive efforts have been put to design various loss
functions and metric forms for metric learning problem. These improvements have
shown promising results when the test data is similar to the training data.
However, the trained models often fail to produce reliable distances on the
ambiguous test pairs due to the distribution bias between training set and test
set. To address this problem, the Adversarial Metric Learning (AML) is proposed
in this paper, which automatically generates adversarial pairs to remedy the
distribution bias and facilitate robust metric learning. Specifically, AML
consists of two adversarial stages, i.e. confusion and distinguishment. In
confusion stage, the ambiguous but critical adversarial data pairs are
adaptively generated to mislead the learned metric. In distinguishment stage, a
metric is exhaustively learned to try its best to distinguish both the
adversarial pairs and the original training pairs. Thanks to the challenges
posed by the confusion stage in such competing process, the AML model is able
to grasp plentiful difficult knowledge that has not been contained by the
original training pairs, so the discriminability of AML can be significantly
improved. The entire model is formulated into optimization framework, of which
the global convergence is theoretically proved. The experimental results on toy
data and practical datasets clearly demonstrate the superiority of AML to the
representative state-of-the-art metric learning methodologies.
|
A Unified Approach for Multi-step Temporal-Difference Learning with
Eligibility Traces in Reinforcement Learning | Recently, a new multi-step temporal learning algorithm, called $Q(\sigma)$,
unifies $n$-step Tree-Backup (when $\sigma=0$) and $n$-step Sarsa (when
$\sigma=1$) by introducing a sampling parameter $\sigma$. However, similar to
other multi-step temporal-difference learning algorithms, $Q(\sigma)$ needs
much memory consumption and computation time. Eligibility trace is an important
mechanism to transform the off-line updates into efficient on-line ones which
consume less memory and computation time. In this paper, we further develop the
original $Q(\sigma)$, combine it with eligibility traces and propose a new
algorithm, called $Q(\sigma ,\lambda)$, in which $\lambda$ is trace-decay
parameter. This idea unifies Sarsa$(\lambda)$ (when $\sigma =1$) and
$Q^{\pi}(\lambda)$ (when $\sigma =0$). Furthermore, we give an upper error
bound of $Q(\sigma ,\lambda)$ policy evaluation algorithm. We prove that
$Q(\sigma,\lambda)$ control algorithm can converge to the optimal value
function exponentially. We also empirically compare it with conventional
temporal-difference learning methods. Results show that, with an intermediate
value of $\sigma$, $Q(\sigma ,\lambda)$ creates a mixture of the existing
algorithms that can learn the optimal value significantly faster than the
extreme end ($\sigma=0$, or $1$).
|
Self-Bounded Prediction Suffix Tree via Approximate String Matching | Prediction suffix trees (PST) provide an effective tool for sequence
modelling and prediction. Current prediction techniques for PSTs rely on exact
matching between the suffix of the current sequence and the previously observed
sequence. We present a provably correct algorithm for learning a PST with
approximate suffix matching by relaxing the exact matching condition. We then
present a self-bounded enhancement of our algorithm where the depth of suffix
tree grows automatically in response to the model performance on a training
sequence. Through experiments on synthetic datasets as well as three real-world
datasets, we show that the approximate matching PST results in better
predictive performance than the other variants of PST.
|
Curve Registered Coupled Low Rank Factorization | We propose an extension of the canonical polyadic (CP) tensor model where one
of the latent factors is allowed to vary through data slices in a constrained
way. The components of the latent factors, which we want to retrieve from data,
can vary from one slice to another up to a diffeomorphism. We suppose that the
diffeomorphisms are also unknown, thus merging curve registration and tensor
decomposition in one model, which we call registered CP. We present an
algorithm to retrieve both the latent factors and the diffeomorphism, which is
assumed to be in a parametrized form. At the end of the paper, we show
simulation results comparing registered CP with other models from the
literature.
|
Deep clustering of longitudinal data | Deep neural networks are a family of computational models that have led to a
dramatical improvement of the state of the art in several domains such as
image, voice or text analysis. These methods provide a framework to model
complex, non-linear interactions in large datasets, and are naturally suited to
the analysis of hierarchical data such as, for instance, longitudinal data with
the use of recurrent neural networks. In the other hand, cohort studies have
become a tool of importance in the research field of epidemiology. In such
studies, variables are measured repeatedly over time, to allow the practitioner
to study their temporal evolution as trajectories, and, as such, as
longitudinal data. This paper investigates the application of the advanced
modelling techniques provided by the deep learning framework in the analysis of
the longitudinal data provided by cohort studies. Methods: A method for
visualizing and clustering longitudinal dataset is proposed, and compared to
other widely used approaches to the problem on both real and simulated
datasets. Results: The proposed method is shown to be coherent with the
preexisting procedures on simple tasks, and to outperform them on more complex
tasks such as the partitioning of longitudinal datasets into non-spherical
clusters. Conclusion: Deep artificial neural networks can be used to visualize
longitudinal data in a low dimensional manifold that is much simpler to
interpret than traditional longitudinal plots are. Consequently, practitioners
should start considering the use of deep artificial neural networks for the
analysis of their longitudinal data in studies to come.
|
Learning Robust Options | Robust reinforcement learning aims to produce policies that have strong
guarantees even in the face of environments/transition models whose parameters
have strong uncertainty. Existing work uses value-based methods and the usual
primitive action setting. In this paper, we propose robust methods for learning
temporally abstract actions, in the framework of options. We present a Robust
Options Policy Iteration (ROPI) algorithm with convergence guarantees, which
learns options that are robust to model uncertainty. We utilize ROPI to learn
robust options with the Robust Options Deep Q Network (RO-DQN) that solves
multiple tasks and mitigates model misspecification due to model uncertainty.
We present experimental results which suggest that policy iteration with linear
features may have an inherent form of robustness when using coarse feature
representations. In addition, we present experimental results which demonstrate
that robustness helps policy iteration implemented on top of deep neural
networks to generalize over a much broader range of dynamics than non-robust
policy iteration.
|
Using Discretization for Extending the Set of Predictive Features | To date, attribute discretization is typically performed by replacing the
original set of continuous features with a transposed set of discrete ones.
This paper provides support for a new idea that discretized features should
often be used in addition to existing features and as such, datasets should be
extended, and not replaced, by discretization. We also claim that
discretization algorithms should be developed with the explicit purpose of
enriching a non-discretized dataset with discretized values. We present such an
algorithm, D-MIAT, a supervised algorithm that discretizes data based on
Minority Interesting Attribute Thresholds. D-MIAT only generates new features
when strong indications exist for one of the target values needing to be
learned and thus is intended to be used in addition to the original data. We
present extensive empirical results demonstrating the success of using D-MIAT
on $ 28 $ benchmark datasets. We also demonstrate that $ 10 $ other
discretization algorithms can also be used to generate features that yield
improved performance when used in combination with the original non-discretized
data. Our results show that the best predictive performance is attained using a
combination of the original dataset with added features from a "standard"
supervised discretization algorithm and D-MIAT.
|
Efficient Neural Architecture Search via Parameter Sharing | We propose Efficient Neural Architecture Search (ENAS), a fast and
inexpensive approach for automatic model design. In ENAS, a controller learns
to discover neural network architectures by searching for an optimal subgraph
within a large computational graph. The controller is trained with policy
gradient to select a subgraph that maximizes the expected reward on the
validation set. Meanwhile the model corresponding to the selected subgraph is
trained to minimize a canonical cross entropy loss. Thanks to parameter sharing
between child models, ENAS is fast: it delivers strong empirical performances
using much fewer GPU-hours than all existing automatic model design approaches,
and notably, 1000x less expensive than standard Neural Architecture Search. On
the Penn Treebank dataset, ENAS discovers a novel architecture that achieves a
test perplexity of 55.8, establishing a new state-of-the-art among all methods
without post-training processing. On the CIFAR-10 dataset, ENAS designs novel
architectures that achieve a test error of 2.89%, which is on par with NASNet
(Zoph et al., 2018), whose test error is 2.65%.
|
Mini-Batch Stochastic ADMMs for Nonconvex Nonsmooth Optimization | With the large rising of complex data, the nonconvex models such as nonconvex
loss function and nonconvex regularizer are widely used in machine learning and
pattern recognition. In this paper, we propose a class of mini-batch stochastic
ADMMs (alternating direction method of multipliers) for solving large-scale
nonconvex nonsmooth problems. We prove that, given an appropriate mini-batch
size, the mini-batch stochastic ADMM without variance reduction (VR) technique
is convergent and reaches a convergence rate of $O(1/T)$ to obtain a stationary
point of the nonconvex optimization, where $T$ denotes the number of
iterations. Moreover, we extend the mini-batch stochastic gradient method to
both the nonconvex SVRG-ADMM and SAGA-ADMM proposed in our initial manuscript
\cite{huang2016stochastic}, and prove these mini-batch stochastic ADMMs also
reaches the convergence rate of $O(1/T)$ without condition on the mini-batch
size. In particular, we provide a specific parameter selection for step size
$\eta$ of stochastic gradients and penalty parameter $\rho$ of augmented
Lagrangian function. Finally, extensive experimental results on both simulated
and real-world data demonstrate the effectiveness of the proposed algorithms.
|
Bayesian inference for bivariate ranks | A recommender system based on ranks is proposed, where an expert's ranking of
a set of objects and a user's ranking of a subset of those objects are combined
to make a prediction of the user's ranking of all objects. The rankings are
assumed to be induced by latent continuous variables corresponding to the
grades assigned by the expert and the user to the objects. The dependence
between the expert and user grades is modelled by a copula in some parametric
family. Given a prior distribution on the copula parameter, the user's complete
ranking is predicted by the mode of the posterior predictive distribution of
the user's complete ranking conditional on the expert's complete and the user's
incomplete rankings. Various Markov chain Monte-Carlo algorithms are proposed
to approximate the predictive distribution or only its mode. The predictive
distribution can be obtained exactly for the Farlie-Gumbel-Morgenstern copula
family, providing a benchmark for the approximation accuracy of the algorithms.
The method is applied to the MovieLens 100k dataset with a Gaussian copula
modelling dependence between the expert's and user's grades.
|
The Power of Linear Recurrent Neural Networks | Recurrent neural networks are a powerful means to cope with time series. We
show how linear, i.e., linearly activated recurrent neural networks (LRNNs) can
approximate any time-dependent function f(t) given by a number of function
values. The approximation can effectively be learned by simply solving a linear
equation system; no backpropagation or similar methods are needed. Furthermore,
the size of an LRNN can be reduced significantly in one step, after inspecting
the eigenvalues of the network transition matrix, by taking only the most
relevant components. Therefore, in contrast to others, we do not only learn
network weights but also the network architecture. LRNNs have interesting
properties: They end up in ellipse trajectories in the long run and allow the
prediction of further values and compact representations of functions. We
demonstrate this by several experiments, among them multiple superimposed
oscillators (MSO), robotic soccer, and predicting stock prices. LRNNs
outperform the previous state-of-the-art for the MSO task with a minimal number
of units.
|
Learning Localized Spatio-Temporal Models From Streaming Data | We address the problem of predicting spatio-temporal processes with temporal
patterns that vary across spatial regions, when data is obtained as a stream.
That is, when the training dataset is augmented sequentially. Specifically, we
develop a localized spatio-temporal covariance model of the process that can
capture spatially varying temporal periodicities in the data. We then apply a
covariance-fitting methodology to learn the model parameters which yields a
predictor that can be updated sequentially with each new data point. The
proposed method is evaluated using both synthetic and real climate data which
demonstrate its ability to accurately predict data missing in spatial regions
over time.
|
Large Scale Constrained Linear Regression Revisited: Faster Algorithms
via Preconditioning | In this paper, we revisit the large-scale constrained linear regression
problem and propose faster methods based on some recent developments in
sketching and optimization. Our algorithms combine (accelerated) mini-batch SGD
with a new method called two-step preconditioning to achieve an approximate
solution with a time complexity lower than that of the state-of-the-art
techniques for the low precision case. Our idea can also be extended to the
high precision case, which gives an alternative implementation to the Iterative
Hessian Sketch (IHS) method with significantly improved time complexity.
Experiments on benchmark and synthetic datasets suggest that our methods indeed
outperform existing ones considerably in both the low and high precision cases.
|
Deep Learning for Malicious Flow Detection | Cyber security has grown up to be a hot issue in recent years. How to
identify potential malware becomes a challenging task. To tackle this
challenge, we adopt deep learning approaches and perform flow detection on real
data. However, real data often encounters an issue of imbalanced data
distribution which will lead to a gradient dilution issue. When training a
neural network, this problem will not only result in a bias toward the majority
class but show the inability to learn from the minority classes. In this paper,
we propose an end-to-end trainable Tree-Shaped Deep Neural Network (TSDNN)
which classifies the data in a layer-wise manner. To better learn from the
minority classes, we propose a Quantity Dependent Backpropagation (QDBP)
algorithm which incorporates the knowledge of the disparity between classes. We
evaluate our method on an imbalanced data set. Experimental result demonstrates
that our approach outperforms the state-of-the-art methods and justifies that
the proposed method is able to overcome the difficulty of imbalanced learning.
We also conduct a partial flow experiment which shows the feasibility of
real-time detection and a zero-shot learning experiment which justifies the
generalization capability of deep learning in cyber security.
|
Information Planning for Text Data | Information planning enables faster learning with fewer training examples. It
is particularly applicable when training examples are costly to obtain. This
work examines the advantages of information planning for text data by focusing
on three supervised models: Naive Bayes, supervised LDA and deep neural
networks. We show that planning based on entropy and mutual information
outperforms random selection baseline and therefore accelerates learning.
|
Make the Minority Great Again: First-Order Regret Bound for Contextual
Bandits | Regret bounds in online learning compare the player's performance to $L^*$,
the optimal performance in hindsight with a fixed strategy. Typically such
bounds scale with the square root of the time horizon $T$. The more refined
concept of first-order regret bound replaces this with a scaling $\sqrt{L^*}$,
which may be much smaller than $\sqrt{T}$. It is well known that minor variants
of standard algorithms satisfy first-order regret bounds in the full
information and multi-armed bandit settings. In a COLT 2017 open problem,
Agarwal, Krishnamurthy, Langford, Luo, and Schapire raised the issue that
existing techniques do not seem sufficient to obtain first-order regret bounds
for the contextual bandit problem. In the present paper, we resolve this open
problem by presenting a new strategy based on augmenting the policy space.
|
Same-different problems strain convolutional neural networks | The robust and efficient recognition of visual relations in images is a
hallmark of biological vision. We argue that, despite recent progress in visual
recognition, modern machine vision algorithms are severely limited in their
ability to learn visual relations. Through controlled experiments, we
demonstrate that visual-relation problems strain convolutional neural networks
(CNNs). The networks eventually break altogether when rote memorization becomes
impossible, as when intra-class variability exceeds network capacity. Motivated
by the comparable success of biological vision, we argue that feedback
mechanisms including attention and perceptual grouping may be the key
computational components underlying abstract visual reasoning.\
|
Predicting Customer Churn: Extreme Gradient Boosting with Temporal Data | Accurately predicting customer churn using large scale time-series data is a
common problem facing many business domains. The creation of model features
across various time windows for training and testing can be particularly
challenging due to temporal issues common to time-series data. In this paper,
we will explore the application of extreme gradient boosting (XGBoost) on a
customer dataset with a wide-variety of temporal features in order to create a
highly-accurate customer churn model. In particular, we describe an effective
method for handling temporally sensitive feature engineering. The proposed
model was submitted in the WSDM Cup 2018 Churn Challenge and achieved
first-place out of 575 teams.
|
Predicting University Students' Academic Success and Major using Random
Forests | In this article, a large data set containing every course taken by every
undergraduate student in a major university in Canada over 10 years is
analysed. Modern machine learning algorithms can use large data sets to build
useful tools for the data provider, in this case, the university. In this
article, two classifiers are constructed using random forests. To begin, the
first two semesters of courses completed by a student are used to predict if
they will obtain an undergraduate degree. Secondly, for the students that
completed a program, their major is predicted using once again the first few
courses they have registered to. A classification tree is an intuitive and
powerful classifier and building a random forest of trees improves this
classifier. Random forests also allow for reliable variable importance
measurements. These measures explain what variables are useful to the
classifiers and can be used to better understand what is statistically related
to the students' situation. The results are two accurate classifiers and a
variable importance analysis that provides useful information to university
administrations.
|
UMAP: Uniform Manifold Approximation and Projection for Dimension
Reduction | UMAP (Uniform Manifold Approximation and Projection) is a novel manifold
learning technique for dimension reduction. UMAP is constructed from a
theoretical framework based in Riemannian geometry and algebraic topology. The
result is a practical scalable algorithm that applies to real world data. The
UMAP algorithm is competitive with t-SNE for visualization quality, and
arguably preserves more of the global structure with superior run time
performance. Furthermore, UMAP has no computational restrictions on embedding
dimension, making it viable as a general purpose dimension reduction technique
for machine learning.
|
Learning Local Metrics and Influential Regions for Classification | The performance of distance-based classifiers heavily depends on the
underlying distance metric, so it is valuable to learn a suitable metric from
the data. To address the problem of multimodality, it is desirable to learn
local metrics. In this short paper, we define a new intuitive distance with
local metrics and influential regions, and subsequently propose a novel local
metric learning method for distance-based classification. Our key intuition is
to partition the metric space into influential regions and a background region,
and then regulate the effectiveness of each local metric to be within the
related influential regions. We learn local metrics and influential regions to
reduce the empirical hinge loss, and regularize the parameters on the basis of
a resultant learning bound. Encouraging experimental results are obtained from
various public and popular data sets.
|
Metric Learning via Maximizing the Lipschitz Margin Ratio | In this paper, we propose the Lipschitz margin ratio and a new metric
learning framework for classification through maximizing the ratio. This
framework enables the integration of both the inter-class margin and the
intra-class dispersion, as well as the enhancement of the generalization
ability of a classifier. To introduce the Lipschitz margin ratio and its
associated learning bound, we elaborate the relationship between metric
learning and Lipschitz functions, as well as the representability and
learnability of the Lipschitz functions. After proposing the new metric
learning framework based on the introduced Lipschitz margin ratio, we also
prove that some well known metric learning algorithms can be shown as special
cases of the proposed framework. In addition, we illustrate the framework by
implementing it for learning the squared Mahalanobis metric, and by
demonstrating its encouraging results on eight popular datasets of machine
learning.
|
Certified Robustness to Adversarial Examples with Differential Privacy | Adversarial examples that fool machine learning models, particularly deep
neural networks, have been a topic of intense research interest, with attacks
and defenses being developed in a tight back-and-forth. Most past defenses are
best effort and have been shown to be vulnerable to sophisticated attacks.
Recently a set of certified defenses have been introduced, which provide
guarantees of robustness to norm-bounded attacks, but they either do not scale
to large datasets or are limited in the types of models they can support. This
paper presents the first certified defense that both scales to large networks
and datasets (such as Google's Inception network for ImageNet) and applies
broadly to arbitrary model types. Our defense, called PixelDP, is based on a
novel connection between robustness against adversarial examples and
differential privacy, a cryptographically-inspired formalism, that provides a
rigorous, generic, and flexible foundation for defense.
|
Communication-Computation Efficient Gradient Coding | This paper develops coding techniques to reduce the running time of
distributed learning tasks. It characterizes the fundamental tradeoff to
compute gradients (and more generally vector summations) in terms of three
parameters: computation load, straggler tolerance and communication cost. It
further gives an explicit coding scheme that achieves the optimal tradeoff
based on recursive polynomial constructions, coding both across data subsets
and vector components. As a result, the proposed scheme allows to minimize the
running time for gradient computations. Implementations are made on Amazon EC2
clusters using Python with mpi4py package. Results show that the proposed
scheme maintains the same generalization error while reducing the running time
by $32\%$ compared to uncoded schemes and $23\%$ compared to prior coded
schemes focusing only on stragglers (Tandon et al., ICML 2017).
|
GraphVAE: Towards Generation of Small Graphs Using Variational
Autoencoders | Deep learning on graphs has become a popular research topic with many
applications. However, past work has concentrated on learning graph embedding
tasks, which is in contrast with advances in generative models for images and
text. Is it possible to transfer this progress to the domain of graphs? We
propose to sidestep hurdles associated with linearization of such discrete
structures by having a decoder output a probabilistic fully-connected graph of
a predefined maximum size directly at once. Our method is formulated as a
variational autoencoder. We evaluate on the challenging task of molecule
generation.
|
A Continuation Method for Discrete Optimization and its Application to
Nearest Neighbor Classification | The continuation method is a popular approach in non-convex optimization and
computer vision. The main idea is to start from a simple function that can be
minimized efficiently, and gradually transform it to the more complicated
original objective function. The solution of the simpler problem is used as the
starting point to solve the original problem. We show a continuation method for
discrete optimization problems. Ideally, we would like the evolved function to
be hill-climbing friendly and to have the same global minima as the original
function. We show that the proposed continuation method is the best affine
approximation of a transformation that is guaranteed to transform the function
to a hill-climbing friendly function and to have the same global minima.
We show the effectiveness of the proposed technique in the problem of nearest
neighbor classification. Although nearest neighbor methods are often
competitive in terms of sample efficiency, the computational complexity in the
test phase has been a major obstacle in their applicability in big data
problems. Using the proposed continuation method, we show an improved
graph-based nearest neighbor algorithm. The method is readily understood and
easy to implement. We show how the computational complexity of the method in
the test phase scales gracefully with the size of the training set, a property
that is particularly important in big data applications.
|
An LSTM Recurrent Network for Step Counting | Smartphones with sensors such as accelerometer and gyroscope can be used as
pedometers and navigators. In this paper, we propose to use an LSTM recurrent
network for counting the number of steps taken by both blind and sighted users,
based on an annotated smartphone sensor dataset, WeAllWork. The models were
trained separately for sighted people, blind people with a long cane or a guide
dog for Leave-One-Out training modality. It achieved 5% overcount and
undercount rate.
|
Small nonlinearities in activation functions create bad local minima in
neural networks | We investigate the loss surface of neural networks. We prove that even for
one-hidden-layer networks with "slightest" nonlinearity, the empirical risks
have spurious local minima in most cases. Our results thus indicate that in
general "no spurious local minima" is a property limited to deep linear
networks, and insights obtained from linear networks may not be robust.
Specifically, for ReLU(-like) networks we constructively prove that for almost
all practical datasets there exist infinitely many local minima. We also
present a counterexample for more general activations (sigmoid, tanh, arctan,
ReLU, etc.), for which there exists a bad local minimum. Our results make the
least restrictive assumptions relative to existing results on spurious local
optima in neural networks. We complete our discussion by presenting a
comprehensive characterization of global optimality for deep linear networks,
which unifies other results on this topic.
|
Generalization of an Upper Bound on the Number of Nodes Needed to
Achieve Linear Separability | An important issue in neural network research is how to choose the number of
nodes and layers such as to solve a classification problem. We provide new
intuitions based on earlier results by An et al. (2015) by deriving an upper
bound on the number of nodes in networks with two hidden layers such that
linear separability can be achieved. Concretely, we show that if the data can
be described in terms of N finite sets and the used activation function f is
non-constant, increasing and has a left asymptote, we can derive how many nodes
are needed to linearly separate these sets. This will be an upper bound that
depends on the structure of the data. This structure can be analyzed using an
algorithm. For the leaky rectified linear activation function, we prove
separately that under some conditions on the slope, the same number of layers
and nodes as for the aforementioned activation functions is sufficient. We
empirically validate our claims.
|
Modeling Global Dynamics from Local Snapshots with Deep Generative
Neural Networks | Complex high dimensional stochastic dynamic systems arise in many
applications in the natural sciences and especially biology. However, while
these systems are difficult to describe analytically, "snapshot" measurements
that sample the output of the system are often available. In order to model the
dynamics of such systems given snapshot data, or local transitions, we present
a deep neural network framework we call Dynamics Modeling Network or DyMoN.
DyMoN is a neural network framework trained as a deep generative Markov model
whose next state is a probability distribution based on the current state.
DyMoN is trained using samples of current and next-state pairs, and thus does
not require longitudinal measurements. We show the advantage of DyMoN over
shallow models such as Kalman filters and hidden Markov models, and other deep
models such as recurrent neural networks in its ability to embody the dynamics
(which can be studied via perturbation of the neural network) and generate
longitudinal hypothetical trajectories. We perform three case studies in which
we apply DyMoN to different types of biological systems and extract features of
the dynamics in each case by examining the learned model.
|
Local Contrast Learning | Learning a deep model from small data is yet an opening and challenging
problem. We focus on one-shot classification by deep learning approach based on
a small quantity of training samples. We proposed a novel deep learning
approach named Local Contrast Learning (LCL) based on the key insight about a
human cognitive behavior that human recognizes the objects in a specific
context by contrasting the objects in the context or in her/his memory. LCL is
used to train a deep model that can contrast the recognizing sample with a
couple of contrastive samples randomly drawn and shuffled. On one-shot
classification task on Omniglot, the deep model based LCL with 122 layers and
1.94 millions of parameters, which was trained on a tiny dataset with only 60
classes and 20 samples per class, achieved the accuracy 97.99% that outperforms
human and state-of-the-art established by Bayesian Program Learning (BPL)
trained on 964 classes. LCL is a fundamental idea which can be applied to
alleviate parametric model's overfitting resulted by lack of training samples.
|
Path Consistency Learning in Tsallis Entropy Regularized MDPs | We study the sparse entropy-regularized reinforcement learning (ERL) problem
in which the entropy term is a special form of the Tsallis entropy. The optimal
policy of this formulation is sparse, i.e.,~at each state, it has non-zero
probability for only a small number of actions. This addresses the main
drawback of the standard Shannon entropy-regularized RL (soft ERL) formulation,
in which the optimal policy is softmax, and thus, may assign a non-negligible
probability mass to non-optimal actions. This problem is aggravated as the
number of actions is increased. In this paper, we follow the work of Nachum et
al. (2017) in the soft ERL setting, and propose a class of novel path
consistency learning (PCL) algorithms, called {\em sparse PCL}, for the sparse
ERL problem that can work with both on-policy and off-policy data. We first
derive a {\em sparse consistency} equation that specifies a relationship
between the optimal value function and policy of the sparse ERL along any
system trajectory. Crucially, a weak form of the converse is also true, and we
quantify the sub-optimality of a policy which satisfies sparse consistency, and
show that as we increase the number of actions, this sub-optimality is better
than that of the soft ERL optimal policy. We then use this result to derive the
sparse PCL algorithms. We empirically compare sparse PCL with its soft
counterpart, and show its advantage, especially in problems with a large number
of actions.
|
Coulomb Autoencoders | Learning the true density in high-dimensional feature spaces is a well-known
problem in machine learning. In this work, we consider generative autoencoders
based on maximum-mean discrepancy (MMD) and provide theoretical insights. In
particular, (i) we prove that MMD coupled with Coulomb kernels has optimal
convergence properties, which are similar to convex functionals, thus improving
the training of autoencoders, and (ii) we provide a probabilistic bound on the
generalization performance, highlighting some fundamental conditions to achieve
better generalization. We validate the theory on synthetic examples and on the
popular dataset of celebrities' faces, showing that our model, called Coulomb
autoencoders, outperform the state-of-the-art.
|
Disturbance Grassmann Kernels for Subspace-Based Learning | In this paper, we focus on subspace-based learning problems, where data
elements are linear subspaces instead of vectors. To handle this kind of data,
Grassmann kernels were proposed to measure the space structure and used with
classifiers, e.g., Support Vector Machines (SVMs). However, the existing
discriminative algorithms mostly ignore the instability of subspaces, which
would cause the classifiers misled by disturbed instances. Thus we propose
considering all potential disturbance of subspaces in learning processes to
obtain more robust classifiers. Firstly, we derive the dual optimization of
linear classifiers with disturbance subject to a known distribution, resulting
in a new kernel, Disturbance Grassmann (DG) kernel. Secondly, we research into
two kinds of disturbance, relevant to the subspace matrix and singular values
of bases, with which we extend the Projection kernel on Grassmann manifolds to
two new kernels. Experiments on action data indicate that the proposed kernels
perform better compared to state-of-the-art subspace-based methods, even in a
worse environment.
|
Enhanced version of AdaBoostM1 with J48 Tree learning method | Machine Learning focuses on the construction and study of systems that can
learn from data. This is connected with the classification problem, which
usually is what Machine Learning algorithms are designed to solve. When a
machine learning method is used by people with no special expertise in machine
learning, it is important that the method be robust in classification, in the
sense that reasonable performance is obtained with minimal tuning of the
problem at hand. Algorithms are evaluated based on how robust they can classify
the given data. In this paper, we propose a quantifiable measure of robustness,
and describe a particular learning method that is robust according to this
measure in the context of classification problem. We proposed Adaptive Boosting
(AdaBoostM1) with J48(C4.5 tree) as a base learner with tuning weight threshold
(P) and number of iterations (I) for boosting algorithm. To benchmark the
performance, we used the baseline classifier, AdaBoostM1 with Decision Stump as
base learner without tuning parameters. By tuning parameters and using J48 as
base learner, we are able to reduce the overall average error rate ratio
(errorC/errorNB) from 2.4 to 0.9 for development sets of data and 2.1 to 1.2
for evaluation sets of data.
|
Bayesian Optimization Using Monotonicity Information and Its Application
in Machine Learning Hyperparameter | We propose an algorithm for a family of optimization problems where the
objective can be decomposed as a sum of functions with monotonicity properties.
The motivating problem is optimization of hyperparameters of machine learning
algorithms, where we argue that the objective, validation error, can be
decomposed as monotonic functions of the hyperparameters. Our proposed
algorithm adapts Bayesian optimization methods to incorporate the monotonicity
constraints. We illustrate the advantages of exploiting monotonicity using
illustrative examples and demonstrate the improvements in optimization
efficiency for some machine learning hyperparameter tuning applications.
|
Tubule segmentation of fluorescence microscopy images based on
convolutional neural networks with inhomogeneity correction | Fluorescence microscopy has become a widely used tool for studying various
biological structures of in vivo tissue or cells. However, quantitative
analysis of these biological structures remains a challenge due to their
complexity which is exacerbated by distortions caused by lens aberrations and
light scattering. Moreover, manual quantification of such image volumes is an
intractable and error-prone process, making the need for automated image
analysis methods crucial. This paper describes a segmentation method for
tubular structures in fluorescence microscopy images using convolutional neural
networks with data augmentation and inhomogeneity correction. The segmentation
results of the proposed method are visually and numerically compared with other
microscopy segmentation methods. Experimental results indicate that the
proposed method has better performance with correctly segmenting and
identifying multiple tubular structures compared to other methods.
|
The Importance of Norm Regularization in Linear Graph Embedding:
Theoretical Analysis and Empirical Demonstration | Learning distributed representations for nodes in graphs is a crucial
primitive in network analysis with a wide spectrum of applications. Linear
graph embedding methods learn such representations by optimizing the likelihood
of both positive and negative edges while constraining the dimension of the
embedding vectors. We argue that the generalization performance of these
methods is not due to the dimensionality constraint as commonly believed, but
rather the small norm of embedding vectors. Both theoretical and empirical
evidence are provided to support this argument: (a) we prove that the
generalization error of these methods can be bounded by limiting the norm of
vectors, regardless of the embedding dimension; (b) we show that the
generalization performance of linear graph embedding methods is correlated with
the norm of embedding vectors, which is small due to the early stopping of SGD
and the vanishing gradients. We performed extensive experiments to validate our
analysis and showcased the importance of proper norm regularization in
practice.
|
Crit\`eres de qualit\'e d'un classifieur g\'en\'eraliste | This paper considers the problem of choosing a good classifier. For each
problem there exist an optimal classifier, but none are optimal, regarding the
error rate, in all cases. Because there exists a large number of classifiers, a
user would rather prefer an all-purpose classifier that is easy to adjust, in
the hope that it will do almost as good as the optimal. In this paper we
establish a list of criteria that a good generalist classifier should satisfy .
We first discuss data analytic, these criteria are presented. Six among the
most popular classifiers are selected and scored according to these criteria.
Tables allow to easily appreciate the relative values of each. In the end,
random forests turn out to be the best classifiers.
|
Tips, guidelines and tools for managing multi-label datasets: the
mldr.datasets R package and the Cometa data repository | New proposals in the field of multi-label learning algorithms have been
growing in number steadily over the last few years. The experimentation
associated with each of them always goes through the same phases: selection of
datasets, partitioning, training, analysis of results and, finally, comparison
with existing methods. This last step is often hampered since it involves using
exactly the same datasets, partitioned in the same way and using the same
validation strategy. In this paper we present a set of tools whose objective is
to facilitate the management of multi-label datasets, aiming to standardize the
experimentation procedure. The two main tools are an R package, mldr.datasets,
and a web repository with datasets, Cometa. Together, these tools will simplify
the collection of datasets, their partitioning, documentation and export to
multiple formats, among other functions. Some tips, recommendations and
guidelines for a good experimental analysis of multi-label methods are also
presented.
|
Persistence Fisher Kernel: A Riemannian Manifold Kernel for Persistence
Diagrams | Algebraic topology methods have recently played an important role for
statistical analysis with complicated geometric structured data such as shapes,
linked twist maps, and material data. Among them, \textit{persistent homology}
is a well-known tool to extract robust topological features, and outputs as
\textit{persistence diagrams} (PDs). However, PDs are point multi-sets which
can not be used in machine learning algorithms for vector data. To deal with
it, an emerged approach is to use kernel methods, and an appropriate geometry
for PDs is an important factor to measure the similarity of PDs. A popular
geometry for PDs is the \textit{Wasserstein metric}. However, Wasserstein
distance is not \textit{negative definite}. Thus, it is limited to build
positive definite kernels upon the Wasserstein distance \textit{without
approximation}. In this work, we rely upon the alternative \textit{Fisher
information geometry} to propose a positive definite kernel for PDs
\textit{without approximation}, namely the Persistence Fisher (PF) kernel.
Then, we analyze eigensystem of the integral operator induced by the proposed
kernel for kernel machines. Based on that, we derive generalization error
bounds via covering numbers and Rademacher averages for kernel machines with
the PF kernel. Additionally, we show some nice properties such as stability and
infinite divisibility for the proposed kernel. Furthermore, we also propose a
linear time complexity over the number of points in PDs for an approximation of
our proposed kernel with a bounded error. Throughout experiments with many
different tasks on various benchmark datasets, we illustrate that the PF kernel
compares favorably with other baseline kernels for PDs.
|
Distributed One-class Learning | We propose a cloud-based filter trained to block third parties from uploading
privacy-sensitive images of others to online social media. The proposed filter
uses Distributed One-Class Learning, which decomposes the cloud-based filter
into multiple one-class classifiers. Each one-class classifier captures the
properties of a class of privacy-sensitive images with an autoencoder. The
multi-class filter is then reconstructed by combining the parameters of the
one-class autoencoders. The training takes place on edge devices (e.g.
smartphones) and therefore users do not need to upload their private and/or
sensitive images to the cloud. A major advantage of the proposed filter over
existing distributed learning approaches is that users cannot access, even
indirectly, the parameters of other users. Moreover, the filter can cope with
the imbalanced and complex distribution of the image content and the
independent probability of addition of new users. We evaluate the performance
of the proposed distributed filter using the exemplar task of blocking a user
from sharing privacy-sensitive images of other users. In particular, we
validate the behavior of the proposed multi-class filter with
non-privacy-sensitive images, the accuracy when the number of classes
increases, and the robustness to attacks when an adversary user has access to
privacy-sensitive images of other users.
|
Deep Meta-Learning: Learning to Learn in the Concept Space | Few-shot learning remains challenging for meta-learning that learns a
learning algorithm (meta-learner) from many related tasks. In this work, we
argue that this is due to the lack of a good representation for meta-learning,
and propose deep meta-learning to integrate the representation power of deep
learning into meta-learning. The framework is composed of three modules, a
concept generator, a meta-learner, and a concept discriminator, which are
learned jointly. The concept generator, e.g. a deep residual net, extracts a
representation for each instance that captures its high-level concept, on which
the meta-learner performs few-shot learning, and the concept discriminator
recognizes the concepts. By learning to learn in the concept space rather than
in the complicated instance space, deep meta-learning can substantially improve
vanilla meta-learning, which is demonstrated on various few-shot image
recognition problems. For example, on 5-way-1-shot image recognition on
CIFAR-100 and CUB-200, it improves Matching Nets from 50.53% and 56.53% to
58.18% and 63.47%, improves MAML from 49.28% and 50.45% to 56.65% and 64.63%,
and improves Meta-SGD from 53.83% and 53.34% to 61.62% and 66.95%,
respectively.
|
Feature-Distributed SVRG for High-Dimensional Linear Classification | Linear classification has been widely used in many high-dimensional
applications like text classification. To perform linear classification for
large-scale tasks, we often need to design distributed learning methods on a
cluster of multiple machines. In this paper, we propose a new distributed
learning method, called feature-distributed stochastic variance reduced
gradient (FD-SVRG) for high-dimensional linear classification. Unlike most
existing distributed learning methods which are instance-distributed, FD-SVRG
is feature-distributed. FD-SVRG has lower communication cost than other
instance-distributed methods when the data dimensionality is larger than the
number of data instances. Experimental results on real data demonstrate that
FD-SVRG can outperform other state-of-the-art distributed methods for
high-dimensional linear classification in terms of both communication cost and
wall-clock time, when the dimensionality is larger than the number of instances
in training data.
|
Combinets: Creativity via Recombination of Neural Networks | One of the defining characteristics of human creativity is the ability to
make conceptual leaps, creating something surprising from typical knowledge. In
comparison, deep neural networks often struggle to handle cases outside of
their training data, which is especially problematic for problems with limited
training data. Approaches exist to transfer knowledge from problems with
sufficient data to those with insufficient data, but they tend to require
additional training or a domain-specific method of transfer. We present a new
approach, conceptual expansion, that serves as a general representation for
reusing existing trained models to derive new models without backpropagation.
We evaluate our approach on few-shot variations of two tasks: image
classification and image generation, and outperform standard transfer learning
approaches.
|
Learning Correlation Space for Time Series | We propose an approximation algorithm for efficient correlation search in
time series data. In our method, we use Fourier transform and neural network to
embed time series into a low-dimensional Euclidean space. The given space is
learned such that time series correlation can be effectively approximated from
Euclidean distance between corresponding embedded vectors. Therefore, search
for correlated time series can be done using an index in the embedding space
for efficient nearest neighbor search. Our theoretical analysis illustrates
that our method's accuracy can be guaranteed under certain regularity
conditions. We further conduct experiments on real-world datasets and the
results show that our method indeed outperforms the baseline solution. In
particular, for approximation of correlation, our method reduces the
approximation loss by a half in most test cases compared to the baseline
solution. For top-$k$ highest correlation search, our method improves the
precision from 5\% to 20\% while the query time is similar to the baseline
approach query time.
|
Learning to Match via Inverse Optimal Transport | We propose a unified data-driven framework based on inverse optimal transport
that can learn adaptive, nonlinear interaction cost function from noisy and
incomplete empirical matching matrix and predict new matching in various
matching contexts. We emphasize that the discrete optimal transport plays the
role of a variational principle which gives rise to an optimization-based
framework for modeling the observed empirical matching data. Our formulation
leads to a non-convex optimization problem which can be solved efficiently by
an alternating optimization method. A key novel aspect of our formulation is
the incorporation of marginal relaxation via regularized Wasserstein distance,
significantly improving the robustness of the method in the face of noisy or
missing empirical matching data. Our model falls into the category of
prescriptive models, which not only predict potential future matching, but is
also able to explain what leads to empirical matching and quantifies the impact
of changes in matching factors. The proposed approach has wide applicability
including predicting matching in online dating, labor market, college
application and crowdsourcing. We back up our claims with numerical experiments
on both synthetic data and real world data sets.
|
On the Universal Approximability and Complexity Bounds of Quantized ReLU
Neural Networks | Compression is a key step to deploy large neural networks on
resource-constrained platforms. As a popular compression technique,
quantization constrains the number of distinct weight values and thus reducing
the number of bits required to represent and store each weight. In this paper,
we study the representation power of quantized neural networks. First, we prove
the universal approximability of quantized ReLU networks on a wide class of
functions. Then we provide upper bounds on the number of weights and the memory
size for a given approximation error bound and the bit-width of weights for
function-independent and function-dependent structures. Our results reveal
that, to attain an approximation error bound of $\epsilon$, the number of
weights needed by a quantized network is no more than
$\mathcal{O}\left(\log^5(1/\epsilon)\right)$ times that of an unquantized
network. This overhead is of much lower order than the lower bound of the
number of weights needed for the error bound, supporting the empirical success
of various quantization techniques. To the best of our knowledge, this is the
first in-depth study on the complexity bounds of quantized neural networks.
|
Deep learning with t-exponential Bayesian kitchen sinks | Bayesian learning has been recently considered as an effective means of
accounting for uncertainty in trained deep network parameters. This is of
crucial importance when dealing with small or sparse training datasets. On the
other hand, shallow models that compute weighted sums of their inputs, after
passing them through a bank of arbitrary randomized nonlinearities, have been
recently shown to enjoy good test error bounds that depend on the number of
nonlinearities. Inspired from these advances, in this paper we examine novel
deep network architectures, where each layer comprises a bank of arbitrary
nonlinearities, linearly combined using multiple alternative sets of weights.
We effect model training by means of approximate inference based on a
t-divergence measure; this generalizes the Kullback-Leibler divergence in the
context of the t-exponential family of distributions. We adopt the
t-exponential family since it can more flexibly accommodate real-world data,
that entail outliers and distributions with fat tails, compared to conventional
Gaussian model assumptions. We extensively evaluate our approach using several
challenging benchmarks, and provide comparative results to related
state-of-the-art techniques.
|
Beyond the One Step Greedy Approach in Reinforcement Learning | The famous Policy Iteration algorithm alternates between policy improvement
and policy evaluation. Implementations of this algorithm with several variants
of the latter evaluation stage, e.g, $n$-step and trace-based returns, have
been analyzed in previous works. However, the case of multiple-step lookahead
policy improvement, despite the recent increase in empirical evidence of its
strength, has to our knowledge not been carefully analyzed yet. In this work,
we introduce the first such analysis. Namely, we formulate variants of
multiple-step policy improvement, derive new algorithms using these definitions
and prove their convergence. Moreover, we show that recent prominent
Reinforcement Learning algorithms are, in fact, instances of our framework. We
thus shed light on their empirical success and give a recipe for deriving new
algorithms for future study.
|
Understanding Convolutional Networks with APPLE : Automatic Patch
Pattern Labeling for Explanation | With the success of deep learning, recent efforts have been focused on
analyzing how learned networks make their classifications. We are interested in
analyzing the network output based on the network structure and information
flow through the network layers. We contribute an algorithm for 1) analyzing a
deep network to find neurons that are 'important' in terms of the network
classification outcome, and 2)automatically labeling the patches of the input
image that activate these important neurons. We propose several measures of
importance for neurons and demonstrate that our technique can be used to gain
insight into, and explain how a network decomposes an image to make its final
classification.
|
Differentiable Dynamic Programming for Structured Prediction and
Attention | Dynamic programming (DP) solves a variety of structured combinatorial
problems by iteratively breaking them down into smaller subproblems. In spite
of their versatility, DP algorithms are usually non-differentiable, which
hampers their use as a layer in neural networks trained by backpropagation. To
address this issue, we propose to smooth the max operator in the dynamic
programming recursion, using a strongly convex regularizer. This allows to
relax both the optimal value and solution of the original combinatorial
problem, and turns a broad class of DP algorithms into differentiable
operators. Theoretically, we provide a new probabilistic perspective on
backpropagating through these DP operators, and relate them to inference in
graphical models. We derive two particular instantiations of our framework, a
smoothed Viterbi algorithm for sequence prediction and a smoothed DTW algorithm
for time-series alignment. We showcase these instantiations on two structured
prediction tasks and on structured and sparse attention for neural machine
translation.
|
Learning a SAT Solver from Single-Bit Supervision | We present NeuroSAT, a message passing neural network that learns to solve
SAT problems after only being trained as a classifier to predict
satisfiability. Although it is not competitive with state-of-the-art SAT
solvers, NeuroSAT can solve problems that are substantially larger and more
difficult than it ever saw during training by simply running for more
iterations. Moreover, NeuroSAT generalizes to novel distributions; after
training only on random SAT problems, at test time it can solve SAT problems
encoding graph coloring, clique detection, dominating set, and vertex cover
problems, all on a range of distributions over small random graphs.
|
On the Rates of Convergence from Surrogate Risk Minimizers to the Bayes
Optimal Classifier | We study the rates of convergence from empirical surrogate risk minimizers to
the Bayes optimal classifier. Specifically, we introduce the notion of
\emph{consistency intensity} to characterize a surrogate loss function and
exploit this notion to obtain the rate of convergence from an empirical
surrogate risk minimizer to the Bayes optimal classifier, enabling fair
comparisons of the excess risks of different surrogate risk minimizers. The
main result of the paper has practical implications including (1) showing that
hinge loss is superior to logistic and exponential loss in the sense that its
empirical minimizer converges faster to the Bayes optimal classifier and (2)
guiding to modify surrogate loss functions to accelerate the convergence to the
Bayes optimal classifier.
|
Dual Control Memory Augmented Neural Networks for Treatment
Recommendations | Machine-assisted treatment recommendations hold a promise to reduce physician
time and decision errors. We formulate the task as a sequence-to-sequence
prediction model that takes the entire time-ordered medical history as input,
and predicts a sequence of future clinical procedures and medications. It is
built on the premise that an effective treatment plan may have long-term
dependencies from previous medical history. We approach the problem by using a
memory-augmented neural network, in particular, by leveraging the recent
differentiable neural computer that consists of a neural controller and an
external memory module. But differing from the original model, we use dual
controllers, one for encoding the history followed by another for decoding the
treatment sequences. In the encoding phase, the memory is updated as new input
is read; at the end of this phase, the memory holds not only the medical
history but also the information about the current illness. During the decoding
phase, the memory is write-protected. The decoding controller generates a
treatment sequence, one treatment option at a time. The resulting dual
controller write-protected memory-augmented neural network is demonstrated on
the MIMIC-III dataset on two tasks: procedure prediction and medication
prescription. The results show improved performance over both traditional
bag-of-words and sequence-to-sequence methods.
|
On the Generalization of Equivariance and Convolution in Neural Networks
to the Action of Compact Groups | Convolutional neural networks have been extremely successful in the image
recognition domain because they ensure equivariance to translations. There have
been many recent attempts to generalize this framework to other domains,
including graphs and data lying on manifolds. In this paper we give a rigorous,
theoretical treatment of convolution and equivariance in neural networks with
respect to not just translations, but the action of any compact group. Our main
result is to prove that (given some natural constraints) convolutional
structure is not just a sufficient, but also a necessary condition for
equivariance to the action of a compact group. Our exposition makes use of
concepts from representation theory and noncommutative harmonic analysis and
derives new generalized convolution formulae.
|
Tree-to-tree Neural Networks for Program Translation | Program translation is an important tool to migrate legacy code in one
language into an ecosystem built in a different language. In this work, we are
the first to employ deep neural networks toward tackling this problem. We
observe that program translation is a modular procedure, in which a sub-tree of
the source tree is translated into the corresponding target sub-tree at each
step. To capture this intuition, we design a tree-to-tree neural network to
translate a source tree into a target one. Meanwhile, we develop an attention
mechanism for the tree-to-tree model, so that when the decoder expands one
non-terminal in the target tree, the attention mechanism locates the
corresponding sub-tree in the source tree to guide the expansion of the
decoder. We evaluate the program translation capability of our tree-to-tree
model against several state-of-the-art approaches. Compared against other
neural translation models, we observe that our approach is consistently better
than the baselines with a margin of up to 15 points. Further, our approach can
improve the previous state-of-the-art program translation approaches by a
margin of 20 points on the translation of real-world projects.
|
Nearly Optimal Adaptive Procedure with Change Detection for
Piecewise-Stationary Bandit | Multi-armed bandit (MAB) is a class of online learning problems where a
learning agent aims to maximize its expected cumulative reward while repeatedly
selecting to pull arms with unknown reward distributions. We consider a
scenario where the reward distributions may change in a piecewise-stationary
fashion at unknown time steps. We show that by incorporating a simple
change-detection component with classic UCB algorithms to detect and adapt to
changes, our so-called M-UCB algorithm can achieve nearly optimal regret bound
on the order of $O(\sqrt{MKT\log T})$, where $T$ is the number of time steps,
$K$ is the number of arms, and $M$ is the number of stationary segments.
Comparison with the best available lower bound shows that our M-UCB is nearly
optimal in $T$ up to a logarithmic factor. We also compare M-UCB with the
state-of-the-art algorithms in numerical experiments using a public Yahoo!
dataset to demonstrate its superior performance.
|
PCA-Based Missing Information Imputation for Real-Time Crash Likelihood
Prediction Under Imbalanced Data | The real-time crash likelihood prediction has been an important research
topic. Various classifiers, such as support vector machine (SVM) and tree-based
boosting algorithms, have been proposed in traffic safety studies. However, few
research focuses on the missing data imputation in real-time crash likelihood
prediction, although missing values are commonly observed due to breakdown of
sensors or external interference. Besides, classifying imbalanced data is also
a difficult problem in real-time crash likelihood prediction, since it is hard
to distinguish crash-prone cases from non-crash cases which compose the
majority of the observed samples. In this paper, principal component analysis
(PCA) based approaches, including LS-PCA, PPCA, and VBPCA, are employed for
imputing missing values, while two kinds of solutions are developed to solve
the problem in imbalanced data. The results show that PPCA and VBPCA not only
outperform LS-PCA and other imputation methods (including mean imputation and
k-means clustering imputation), in terms of the root mean square error (RMSE),
but also help the classifiers achieve better predictive performance. The two
solutions, i.e., cost-sensitive learning and synthetic minority oversampling
technique (SMOTE), help improve the sensitivity by adjusting the classifiers to
pay more attention to the minority class.
|
$\mathcal{G}$-SGD: Optimizing ReLU Neural Networks in its Positively
Scale-Invariant Space | It is well known that neural networks with rectified linear units (ReLU)
activation functions are positively scale-invariant. Conventional algorithms
like stochastic gradient descent optimize the neural networks in the vector
space of weights, which is, however, not positively scale-invariant. This
mismatch may lead to problems during the optimization process. Then, a natural
question is: \emph{can we construct a new vector space that is positively
scale-invariant and sufficient to represent ReLU neural networks so as to
better facilitate the optimization process }? In this paper, we provide our
positive answer to this question. First, we conduct a formal study on the
positive scaling operators which forms a transformation group, denoted as
$\mathcal{G}$. We show that the value of a path (i.e. the product of the
weights along the path) in the neural network is invariant to positive scaling
and prove that the value vector of all the paths is sufficient to represent the
neural networks under mild conditions. Second, we show that one can identify
some basis paths out of all the paths and prove that the linear span of their
value vectors (denoted as $\mathcal{G}$-space) is an invariant space with lower
dimension under the positive scaling group. Finally, we design stochastic
gradient descent algorithm in $\mathcal{G}$-space (abbreviated as
$\mathcal{G}$-SGD) to optimize the value vector of the basis paths of neural
networks with little extra cost by leveraging back-propagation. Our experiments
show that $\mathcal{G}$-SGD significantly outperforms the conventional SGD
algorithm in optimizing ReLU networks on benchmark datasets.
|
A Generative Model for Dynamic Networks with Applications | Networks observed in real world like social networks, collaboration networks
etc., exhibit temporal dynamics, i.e. nodes and edges appear and/or disappear
over time. In this paper, we propose a generative, latent space based,
statistical model for such networks (called dynamic networks). We consider the
case where the number of nodes is fixed, but the presence of edges can vary
over time. Our model allows the number of communities in the network to be
different at different time steps. We use a neural network based methodology to
perform approximate inference in the proposed model and its simplified version.
Experiments done on synthetic and real world networks for the task of community
detection and link prediction demonstrate the utility and effectiveness of our
model as compared to other similar existing approaches.
|
Supervised classification of Dermatological diseases by Deep learning | This paper introduces a deep-learning based efficient classifier for common
dermatological conditions, aimed at people without easy access to skin
specialists. We report approximately 80% accuracy, in a situation where primary
care doctors have attained 57% success rate, according to recent literature.
The rationale of its design is centered on deploying and updating it on
handheld devices in near future. Dermatological diseases are common in every
population and have a wide spectrum in severity. With a shortage of
dermatological expertise being observed in several countries, machine learning
solutions can augment medical services and advise regarding existence of common
diseases. The paper implements supervised classification of nine distinct
conditions which have high occurrence in East Asian countries. Our current
attempt establishes that deep learning based techniques are viable avenues for
preliminary information to aid patients.
|
Sample Efficient Deep Reinforcement Learning for Dialogue Systems with
Large Action Spaces | In spoken dialogue systems, we aim to deploy artificial intelligence to build
automated dialogue agents that can converse with humans. A part of this effort
is the policy optimisation task, which attempts to find a policy describing how
to respond to humans, in the form of a function taking the current state of the
dialogue and returning the response of the system. In this paper, we
investigate deep reinforcement learning approaches to solve this problem.
Particular attention is given to actor-critic methods, off-policy reinforcement
learning with experience replay, and various methods aimed at reducing the bias
and variance of estimators. When combined, these methods result in the
previously proposed ACER algorithm that gave competitive results in gaming
environments. These environments however are fully observable and have a
relatively small action set so in this paper we examine the application of ACER
to dialogue policy optimisation. We show that this method beats the current
state-of-the-art in deep learning approaches for spoken dialogue systems. This
not only leads to a more sample efficient algorithm that can train faster, but
also allows us to apply the algorithm in more difficult environments than
before. We thus experiment with learning in a very large action space, which
has two orders of magnitude more actions than previously considered. We find
that ACER trains significantly faster than the current state-of-the-art.
|
On the Latent Space of Wasserstein Auto-Encoders | We study the role of latent space dimensionality in Wasserstein auto-encoders
(WAEs). Through experimentation on synthetic and real datasets, we argue that
random encoders should be preferred over deterministic encoders. We highlight
the potential of WAEs for representation learning with promising results on a
benchmark disentanglement task.
|
Convex Formulations for Fair Principal Component Analysis | Though there is a growing body of literature on fairness for supervised
learning, the problem of incorporating fairness into unsupervised learning has
been less well-studied. This paper studies fairness in the context of principal
component analysis (PCA). We first present a definition of fairness for
dimensionality reduction, and our definition can be interpreted as saying that
a reduction is fair if information about a protected class (e.g., race or
gender) cannot be inferred from the dimensionality-reduced data points. Next,
we develop convex optimization formulations that can improve the fairness (with
respect to our definition) of PCA and kernel PCA. These formulations are
semidefinite programs (SDP's), and we demonstrate the effectiveness of our
formulations using several datasets. We conclude by showing how our approach
can be used to perform a fair (with respect to age) clustering of health data
that may be used to set health insurance rates.
|
On Kernel Method-Based Connectionist Models and Supervised Deep Learning
Without Backpropagation | We propose a novel family of connectionist models based on kernel machines
and consider the problem of learning layer-by-layer a compositional hypothesis
class, i.e., a feedforward, multilayer architecture, in a supervised setting.
In terms of the models, we present a principled method to "kernelize" (partly
or completely) any neural network (NN). With this method, we obtain a
counterpart of any given NN that is powered by kernel machines instead of
neurons. In terms of learning, when learning a feedforward deep architecture in
a supervised setting, one needs to train all the components simultaneously
using backpropagation (BP) since there are no explicit targets for the hidden
layers (Rumelhart86). We consider without loss of generality the two-layer case
and present a general framework that explicitly characterizes a target for the
hidden layer that is optimal for minimizing the objective function of the
network. This characterization then makes possible a purely greedy training
scheme that learns one layer at a time, starting from the input layer. We
provide realizations of the abstract framework under certain architectures and
objective functions. Based on these realizations, we present a layer-wise
training algorithm for an l-layer feedforward network for classification, where
l>=2 can be arbitrary. This algorithm can be given an intuitive geometric
interpretation that makes the learning dynamics transparent. Empirical results
are provided to complement our theory. We show that the kernelized networks,
trained layer-wise, compare favorably with classical kernel machines as well as
other connectionist models trained by BP. We also visualize the inner workings
of the greedy kernelized models to validate our claim on the transparency of
the layer-wise algorithm.
|
Influence-Directed Explanations for Deep Convolutional Networks | We study the problem of explaining a rich class of behavioral properties of
deep neural networks. Distinctively, our influence-directed explanations
approach this problem by peering inside the network to identify neurons with
high influence on a quantity and distribution of interest, using an
axiomatically-justified influence measure, and then providing an interpretation
for the concepts these neurons represent. We evaluate our approach by
demonstrating a number of its unique capabilities on convolutional neural
networks trained on ImageNet. Our evaluation demonstrates that
influence-directed explanations (1) identify influential concepts that
generalize across instances, (2) can be used to extract the "essence" of what
the network learned about a class, and (3) isolate individual features the
network uses to make decisions and distinguish related classes.
|
Curriculum Learning by Transfer Learning: Theory and Experiments with
Deep Networks | We provide theoretical investigation of curriculum learning in the context of
stochastic gradient descent when optimizing the convex linear regression loss.
We prove that the rate of convergence of an ideal curriculum learning method is
monotonically increasing with the difficulty of the examples. Moreover, among
all equally difficult points, convergence is faster when using points which
incur higher loss with respect to the current hypothesis. We then analyze
curriculum learning in the context of training a CNN. We describe a method
which infers the curriculum by way of transfer learning from another network,
pre-trained on a different task. While this approach can only approximate the
ideal curriculum, we observe empirically similar behavior to the one predicted
by the theory, namely, a significant boost in convergence speed at the
beginning of training. When the task is made more difficult, improvement in
generalization performance is also observed. Finally, curriculum learning
exhibits robustness against unfavorable conditions such as excessive
regularization.
|
Drug response prediction by ensemble learning and drug-induced gene
expression signatures | Chemotherapeutic response of cancer cells to a given compound is one of the
most fundamental information one requires to design anti-cancer drugs. Recent
advances in producing large drug screens against cancer cell lines provided an
opportunity to apply machine learning methods for this purpose. In addition to
cytotoxicity databases, considerable amount of drug-induced gene expression
data has also become publicly available. Following this, several methods that
exploit omics data were proposed to predict drug activity on cancer cells.
However, due to the complexity of cancer drug mechanisms, none of the existing
methods are perfect. One possible direction, therefore, is to combine the
strengths of both the methods and the databases for improved performance. We
demonstrate that integrating a large number of predictions by the proposed
method improves the performance for this task. The predictors in the ensemble
differ in several aspects such as the method itself, the number of tasks method
considers (multi-task vs. single-task) and the subset of data considered
(sub-sampling). We show that all these different aspects contribute to the
success of the final ensemble. In addition, we attempt to use the drug screen
data together with two novel signatures produced from the drug-induced gene
expression profiles of cancer cell lines. Finally, we evaluate the method
predictions by in vitro experiments in addition to the tests on data sets.The
predictions of the methods, the signatures and the software are available from
\url{http://mtan.etu.edu.tr/drug-response-prediction/}.
|
SGD and Hogwild! Convergence Without the Bounded Gradients Assumption | Stochastic gradient descent (SGD) is the optimization algorithm of choice in
many machine learning applications such as regularized empirical risk
minimization and training deep neural networks. The classical convergence
analysis of SGD is carried out under the assumption that the norm of the
stochastic gradient is uniformly bounded. While this might hold for some loss
functions, it is always violated for cases where the objective function is
strongly convex. In (Bottou et al.,2016), a new analysis of convergence of SGD
is performed under the assumption that stochastic gradients are bounded with
respect to the true gradient norm. Here we show that for stochastic problems
arising in machine learning such bound always holds; and we also propose an
alternative convergence analysis of SGD with diminishing learning rate regime,
which results in more relaxed conditions than those in (Bottou et al.,2016). We
then move on the asynchronous parallel setting, and prove convergence of
Hogwild! algorithm in the same regime, obtaining the first convergence results
for this method in the case of diminished learning rate.
|
ThUnderVolt: Enabling Aggressive Voltage Underscaling and Timing Error
Resilience for Energy Efficient Deep Neural Network Accelerators | Hardware accelerators are being increasingly deployed to boost the
performance and energy efficiency of deep neural network (DNN) inference. In
this paper we propose Thundervolt, a new framework that enables aggressive
voltage underscaling of high-performance DNN accelerators without compromising
classification accuracy even in the presence of high timing error rates. Using
post-synthesis timing simulations of a DNN accelerator modeled on the Google
TPU, we show that Thundervolt enables between 34%-57% energy savings on
state-of-the-art speech and image recognition benchmarks with less than 1% loss
in classification accuracy and no performance loss. Further, we show that
Thundervolt is synergistic with and can further increase the energy efficiency
of commonly used run-time DNN pruning techniques like Zero-Skip.
|
Distributed Stochastic Multi-Task Learning with Graph Regularization | We propose methods for distributed graph-based multi-task learning that are
based on weighted averaging of messages from other machines. Uniform averaging
or diminishing stepsize in these methods would yield consensus (single task)
learning. We show how simply skewing the averaging weights or controlling the
stepsize allows learning different, but related, tasks on the different
machines.
|
Quadrature-based features for kernel approximation | We consider the problem of improving kernel approximation via randomized
feature maps. These maps arise as Monte Carlo approximation to integral
representations of kernel functions and scale up kernel methods for larger
datasets. Based on an efficient numerical integration technique, we propose a
unifying approach that reinterprets the previous random features methods and
extends to better estimates of the kernel approximation. We derive the
convergence behaviour and conduct an extensive empirical study that supports
our hypothesis.
|
Uncharted Forest a Technique for Exploratory Data Analysis | Exploratory data analysis is crucial for developing and understanding
classification models from high-dimensional datasets. We explore the utility of
a new unsupervised tree ensemble called uncharted forest for visualizing class
associations, sample-sample associations, class heterogeneity, and
uninformative classes for provenance studies. The uncharted forest algorithm
can be used to partition data using random selections of variables and metrics
based on statistical spread. After each tree is grown, a tally of the samples
that arrive at every terminal node is maintained. Those tallies are stored in
single sample association matrix and a likelihood measure for each sample being
partitioned with one another can be made. That matrix may be readily viewed as
a heat map, and the probabilities can be quantified via new metrics that
account for class or cluster membership. We display the advantages and
limitations of using this technique by applying it to two classification
datasets and three provenance study datasets. Two of the metrics presented in
this paper are also compared with widely used metrics from two algorithms that
have variance-based clustering mechanisms.
|
Machine Learning-based Variability Handling in IoT Agents | Agent-based IoT applications have recently been proposed in several domains,
such as health care, smart cities and agriculture. Deploying these applications
in specific settings has been very challenging for many reasons including the
complex static and dynamic variability of the physical devices such as sensors
and actuators, the software application behavior and the environment in which
the application is embedded. In this paper, we propose a self-configurable IoT
agent approach based on feedback-evaluative machine-learning. The approach
involves: i) a variability model of IoT agents; ii) generation of sets of
customized agents; iii) feedback evaluative machine learning; iv) modeling and
composition of a group of IoT agents; and v) a feature-selection method based
on manual and automatic feedback.
|
Katyusha X: Practical Momentum Method for Stochastic Sum-of-Nonconvex
Optimization | The problem of minimizing sum-of-nonconvex functions (i.e., convex functions
that are average of non-convex ones) is becoming increasingly important in
machine learning, and is the core machinery for PCA, SVD, regularized Newton's
method, accelerated non-convex optimization, and more.
We show how to provably obtain an accelerated stochastic algorithm for
minimizing sum-of-nonconvex functions, by $\textit{adding one additional line}$
to the well-known SVRG method. This line corresponds to momentum, and shows how
to directly apply momentum to the finite-sum stochastic minimization of
sum-of-nonconvex functions. As a side result, our method enjoys linear parallel
speed-up using mini-batch.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.