title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
An Improved Training Procedure for Neural Autoregressive Data Completion | Neural autoregressive models are explicit density estimators that achieve
state-of-the-art likelihoods for generative modeling. The D-dimensional data
distribution is factorized into an autoregressive product of one-dimensional
conditional distributions according to the chain rule. Data completion is a
more involved task than data generation: the model must infer missing variables
for any partially observed input vector. Previous work introduced an
order-agnostic training procedure for data completion with autoregressive
models. Missing variables in any partially observed input vector can be imputed
efficiently by choosing an ordering where observed dimensions precede
unobserved ones and by computing the autoregressive product in this order. In
this paper, we provide evidence that the order-agnostic (OA) training procedure
is suboptimal for data completion. We propose an alternative procedure (OA++)
that reaches better performance in fewer computations. It can handle all data
completion queries while training fewer one-dimensional conditional
distributions than the OA procedure. In addition, these one-dimensional
conditional distributions are trained proportionally to their expected usage at
inference time, reducing overfitting. Finally, our OA++ procedure can exploit
prior knowledge about the distribution of inference completion queries, as
opposed to OA. We support these claims with quantitative experiments on
standard datasets used to evaluate autoregressive generative models.
|
Counterfactual Learning for Machine Translation: Degeneracies and
Solutions | Counterfactual learning is a natural scenario to improve web-based machine
translation services by offline learning from feedback logged during user
interactions. In order to avoid the risk of showing inferior translations to
users, in such scenarios mostly exploration-free deterministic logging policies
are in place. We analyze possible degeneracies of inverse and reweighted
propensity scoring estimators, in stochastic and deterministic settings, and
relate them to recently proposed techniques for counterfactual learning under
deterministic logging.
|
IVE-GAN: Invariant Encoding Generative Adversarial Networks | Generative adversarial networks (GANs) are a powerful framework for
generative tasks. However, they are difficult to train and tend to miss modes
of the true data generation process. Although GANs can learn a rich
representation of the covered modes of the data in their latent space, the
framework misses an inverse mapping from data to this latent space. We propose
Invariant Encoding Generative Adversarial Networks (IVE-GANs), a novel GAN
framework that introduces such a mapping for individual samples from the data
by utilizing features in the data which are invariant to certain
transformations. Since the model maps individual samples to the latent space,
it naturally encourages the generator to cover all modes. We demonstrate the
effectiveness of our approach in terms of generative performance and learning
rich representations on several datasets including common benchmark image
generation tasks.
|
Markov chain Hebbian learning algorithm with ternary synaptic units | In spite of remarkable progress in machine learning techniques, the
state-of-the-art machine learning algorithms often keep machines from real-time
learning (online learning) due in part to computational complexity in parameter
optimization. As an alternative, a learning algorithm to train a memory in real
time is proposed, which is named as the Markov chain Hebbian learning
algorithm. The algorithm pursues efficient memory use during training in that
(i) the weight matrix has ternary elements (-1, 0, 1) and (ii) each update
follows a Markov chain--the upcoming update does not need past weight memory.
The algorithm was verified by two proof-of-concept tasks (handwritten digit
recognition and multiplication table memorization) in which numbers were taken
as symbols. Particularly, the latter bases multiplication arithmetic on memory,
which may be analogous to humans' mental arithmetic. The memory-based
multiplication arithmetic feasibly offers the basis of factorization,
supporting novel insight into the arithmetic.
|
fpgaConvNet: A Toolflow for Mapping Diverse Convolutional Neural
Networks on Embedded FPGAs | In recent years, Convolutional Neural Networks (ConvNets) have become an
enabling technology for a wide range of novel embedded Artificial Intelligence
systems. Across the range of applications, the performance needs vary
significantly, from high-throughput video surveillance to the very low-latency
requirements of autonomous cars. In this context, FPGAs can provide a potential
platform that can be optimally configured based on the different performance
needs. However, the complexity of ConvNet models keeps increasing making their
mapping to an FPGA device a challenging task. This work presents fpgaConvNet,
an end-to-end framework for mapping ConvNets on FPGAs. The proposed framework
employs an automated design methodology based on the Synchronous Dataflow (SDF)
paradigm and defines a set of SDF transformations in order to efficiently
explore the architectural design space. By selectively optimising for
throughput, latency or multiobjective criteria, the presented tool is able to
efficiently explore the design space and generate hardware designs from
high-level ConvNet specifications, explicitly optimised for the performance
metric of interest. Overall, our framework yields designs that improve the
performance by up to 6.65x over highly optimised embedded GPU designs for the
same power constraints in embedded environments.
|
Estimating Missing Data in Temporal Data Streams Using Multi-directional
Recurrent Neural Networks | Missing data is a ubiquitous problem. It is especially challenging in medical
settings because many streams of measurements are collected at different - and
often irregular - times. Accurate estimation of those missing measurements is
critical for many reasons, including diagnosis, prognosis and treatment.
Existing methods address this estimation problem by interpolating within data
streams or imputing across data streams (both of which ignore important
information) or ignoring the temporal aspect of the data and imposing strong
assumptions about the nature of the data-generating process and/or the pattern
of missing data (both of which are especially problematic for medical data). We
propose a new approach, based on a novel deep learning architecture that we
call a Multi-directional Recurrent Neural Network (M-RNN) that interpolates
within data streams and imputes across data streams. We demonstrate the power
of our approach by applying it to five real-world medical datasets. We show
that it provides dramatically improved estimation of missing measurements in
comparison to 11 state-of-the-art benchmarks (including Spline and Cubic
Interpolations, MICE, MissForest, matrix completion and several RNN methods);
typical improvements in Root Mean Square Error are between 35% - 50%.
Additional experiments based on the same five datasets demonstrate that the
improvements provided by our method are extremely robust.
|
DNN-Buddies: A Deep Neural Network-Based Estimation Metric for the
Jigsaw Puzzle Problem | This paper introduces the first deep neural network-based estimation metric
for the jigsaw puzzle problem. Given two puzzle piece edges, the neural network
predicts whether or not they should be adjacent in the correct assembly of the
puzzle, using nothing but the pixels of each piece. The proposed metric
exhibits an extremely high precision even though no manual feature extraction
is performed. When incorporated into an existing puzzle solver, the solution's
accuracy increases significantly, achieving thereby a new state-of-the-art
standard.
|
DeepPainter: Painter Classification Using Deep Convolutional
Autoencoders | In this paper we describe the problem of painter classification, and propose
a novel approach based on deep convolutional autoencoder neural networks. While
previous approaches relied on image processing and manual feature extraction
from paintings, our approach operates on the raw pixel level, without any
preprocessing or manual feature extraction. We first train a deep convolutional
autoencoder on a dataset of paintings, and subsequently use it to initialize a
supervised convolutional neural network for the classification phase.
The proposed approach substantially outperforms previous methods, improving
the previous state-of-the-art for the 3-painter classification problem from
90.44% accuracy (previous state-of-the-art) to 96.52% accuracy, i.e., a 63%
reduction in error rate.
|
Diversity-Promoting Bayesian Learning of Latent Variable Models | To address three important issues involved in latent variable models (LVMs),
including capturing infrequent patterns, achieving small-sized but expressive
models and alleviating overfitting, several studies have been devoted to
"diversifying" LVMs, which aim at encouraging the components in LVMs to be
diverse. Most existing studies fall into a frequentist-style regularization
framework, where the components are learned via point estimation. In this
paper, we investigate how to "diversify" LVMs in the paradigm of Bayesian
learning. We propose two approaches that have complementary advantages. One is
to define a diversity-promoting mutual angular prior which assigns larger
density to components with larger mutual angles and use this prior to affect
the posterior via Bayes' rule. We develop two efficient approximate posterior
inference algorithms based on variational inference and MCMC sampling. The
other approach is to impose diversity-promoting regularization directly over
the post-data distribution of components. We also extend our approach to
"diversify" Bayesian nonparametric models where the number of components is
infinite. A sampling algorithm based on slice sampling and Hamiltonian Monte
Carlo is developed. We apply these methods to "diversify" Bayesian mixture of
experts model and infinite latent feature model. Experiments on various
datasets demonstrate the effectiveness and efficiency of our methods.
|
Practical Hash Functions for Similarity Estimation and Dimensionality
Reduction | Hashing is a basic tool for dimensionality reduction employed in several
aspects of machine learning. However, the perfomance analysis is often carried
out under the abstract assumption that a truly random unit cost hash function
is used, without concern for which concrete hash function is employed. The
concrete hash function may work fine on sufficiently random input. The question
is if it can be trusted in the real world when faced with more structured
input.
In this paper we focus on two prominent applications of hashing, namely
similarity estimation with the one permutation hashing (OPH) scheme of Li et
al. [NIPS'12] and feature hashing (FH) of Weinberger et al. [ICML'09], both of
which have found numerous applications, i.e. in approximate near-neighbour
search with LSH and large-scale classification with SVM.
We consider mixed tabulation hashing of Dahlgaard et al.[FOCS'15] which was
proved to perform like a truly random hash function in many applications,
including OPH. Here we first show improved concentration bounds for FH with
truly random hashing and then argue that mixed tabulation performs similar for
sparse input. Our main contribution, however, is an experimental comparison of
different hashing schemes when used inside FH, OPH, and LSH.
We find that mixed tabulation hashing is almost as fast as the
multiply-mod-prime scheme ax+b mod p. Mutiply-mod-prime is guaranteed to work
well on sufficiently random data, but we demonstrate that in the above
applications, it can lead to bias and poor concentration on both real-world and
synthetic data. We also compare with the popular MurmurHash3, which has no
proven guarantees. Mixed tabulation and MurmurHash3 both perform similar to
truly random hashing in our experiments. However, mixed tabulation is 40%
faster than MurmurHash3, and it has the proven guarantee of good performance on
all possible input.
|
Machine Learning Algorithms for $b$-Jet Tagging at the ATLAS Experiment | The separation of $b$-quark initiated jets from those coming from lighter
quark flavors ($b$-tagging) is a fundamental tool for the ATLAS physics program
at the CERN Large Hadron Collider. The most powerful $b$-tagging algorithms
combine information from low-level taggers, exploiting reconstructed track and
vertex information, into machine learning classifiers. The potential of modern
deep learning techniques is explored using simulated events, and compared to
that achievable from more traditional classifiers such as boosted decision
trees.
|
Controlling Physical Attributes in GAN-Accelerated Simulation of
Electromagnetic Calorimeters | High-precision modeling of subatomic particle interactions is critical for
many fields within the physical sciences, such as nuclear physics and high
energy particle physics. Most simulation pipelines in the sciences are
computationally intensive -- in a variety of scientific fields, Generative
Adversarial Networks have been suggested as a solution to speed up the forward
component of simulation, with promising results. An important component of any
simulation system for the sciences is the ability to condition on any number of
physically meaningful latent characteristics that can effect the forward
generation procedure. We introduce an auxiliary task to the training of a
Generative Adversarial Network on particle showers in a multi-layer
electromagnetic calorimeter, which allows our model to learn an attribute-aware
conditioning mechanism.
|
Deep Learning for Real-Time Crime Forecasting and its Ternarization | Real-time crime forecasting is important. However, accurate prediction of
when and where the next crime will happen is difficult. No known physical model
provides a reasonable approximation to such a complex system. Historical crime
data are sparse in both space and time and the signal of interests is weak. In
this work, we first present a proper representation of crime data. We then
adapt the spatial temporal residual network on the well represented data to
predict the distribution of crime in Los Angeles at the scale of hours in
neighborhood-sized parcels. These experiments as well as comparisons with
several existing approaches to prediction demonstrate the superiority of the
proposed model in terms of accuracy. Finally, we present a ternarization
technique to address the resource consumption issue for its deployment in real
world. This work is an extension of our short conference proceeding paper [Wang
et al, Arxiv 1707.03340].
|
Clustering Semi-Random Mixtures of Gaussians | Gaussian mixture models (GMM) are the most widely used statistical model for
the $k$-means clustering problem and form a popular framework for clustering in
machine learning and data analysis. In this paper, we propose a natural
semi-random model for $k$-means clustering that generalizes the Gaussian
mixture model, and that we believe will be useful in identifying robust
algorithms. In our model, a semi-random adversary is allowed to make arbitrary
"monotone" or helpful changes to the data generated from the Gaussian mixture
model.
Our first contribution is a polynomial time algorithm that provably recovers
the ground-truth up to small classification error w.h.p., assuming certain
separation between the components. Perhaps surprisingly, the algorithm we
analyze is the popular Lloyd's algorithm for $k$-means clustering that is the
method-of-choice in practice. Our second result complements the upper bound by
giving a nearly matching information-theoretic lower bound on the number of
misclassified points incurred by any $k$-means clustering algorithm on the
semi-random model.
|
Critical Learning Periods in Deep Neural Networks | Similar to humans and animals, deep artificial neural networks exhibit
critical periods during which a temporary stimulus deficit can impair the
development of a skill. The extent of the impairment depends on the onset and
length of the deficit window, as in animal models, and on the size of the
neural network. Deficits that do not affect low-level statistics, such as
vertical flipping of the images, have no lasting effect on performance and can
be overcome with further training. To better understand this phenomenon, we use
the Fisher Information of the weights to measure the effective connectivity
between layers of a network during training. Counterintuitively, information
rises rapidly in the early phases of training, and then decreases, preventing
redistribution of information resources in a phenomenon we refer to as a loss
of "Information Plasticity". Our analysis suggests that the first few epochs
are critical for the creation of strong connections that are optimal relative
to the input data distribution. Once such strong connections are created, they
do not appear to change during additional training. These findings suggest that
the initial learning transient, under-scrutinized compared to asymptotic
behavior, plays a key role in determining the outcome of the training process.
Our findings, combined with recent theoretical results in the literature, also
suggest that forgetting (decrease of information in the weights) is critical to
achieving invariance and disentanglement in representation learning. Finally,
critical periods are not restricted to biological systems, but can emerge
naturally in learning systems, whether biological or artificial, due to
fundamental constrains arising from learning dynamics and information
processing.
|
Continuous Semantic Topic Embedding Model Using Variational Autoencoder | This paper proposes the continuous semantic topic embedding model (CSTEM)
which finds latent topic variables in documents using continuous semantic
distance function between the topics and the words by means of the variational
autoencoder(VAE). The semantic distance could be represented by any symmetric
bell-shaped geometric distance function on the Euclidean space, for which the
Mahalanobis distance is used in this paper. In order for the semantic distance
to perform more properly, we newly introduce an additional model parameter for
each word to take out the global factor from this distance indicating how
likely it occurs regardless of its topic. It certainly improves the problem
that the Gaussian distribution which is used in previous topic model with
continuous word embedding could not explain the semantic relation correctly and
helps to obtain the higher topic coherence. Through the experiments with the
dataset of 20 Newsgroup, NIPS papers and CNN/Dailymail corpus, the performance
of the recent state-of-the-art models is accomplished by our model as well as
generating topic embedding vectors which makes possible to observe where the
topic vectors are embedded with the word vectors in the real Euclidean space
and how the topics are related each other semantically.
|
Wasserstein Introspective Neural Networks | We present Wasserstein introspective neural networks (WINN) that are both a
generator and a discriminator within a single model. WINN provides a
significant improvement over the recent introspective neural networks (INN)
method by enhancing INN's generative modeling capability. WINN has three
interesting properties: (1) A mathematical connection between the formulation
of the INN algorithm and that of Wasserstein generative adversarial networks
(WGAN) is made. (2) The explicit adoption of the Wasserstein distance into INN
results in a large enhancement to INN, achieving compelling results even with a
single classifier --- e.g., providing nearly a 20 times reduction in model size
over INN for unsupervised generative modeling. (3) When applied to supervised
classification, WINN also gives rise to improved robustness against adversarial
examples in terms of the error reduction. In the experiments, we report
encouraging results on unsupervised learning problems including texture, face,
and object modeling, as well as a supervised classification task against
adversarial attacks.
|
Action Branching Architectures for Deep Reinforcement Learning | Discrete-action algorithms have been central to numerous recent successes of
deep reinforcement learning. However, applying these algorithms to
high-dimensional action tasks requires tackling the combinatorial increase of
the number of possible actions with the number of action dimensions. This
problem is further exacerbated for continuous-action tasks that require fine
control of actions via discretization. In this paper, we propose a novel neural
architecture featuring a shared decision module followed by several network
branches, one for each action dimension. This approach achieves a linear
increase of the number of network outputs with the number of degrees of freedom
by allowing a level of independence for each individual action dimension. To
illustrate the approach, we present a novel agent, called Branching Dueling
Q-Network (BDQ), as a branching variant of the Dueling Double Deep Q-Network
(Dueling DDQN). We evaluate the performance of our agent on a set of
challenging continuous control tasks. The empirical results show that the
proposed agent scales gracefully to environments with increasing action
dimensionality and indicate the significance of the shared decision module in
coordination of the distributed action branches. Furthermore, we show that the
proposed agent performs competitively against a state-of-the-art continuous
control algorithm, Deep Deterministic Policy Gradient (DDPG).
|
Self-Supervised Vision-Based Detection of the Active Speaker as Support
for Socially-Aware Language Acquisition | This paper presents a self-supervised method for visual detection of the
active speaker in a multi-person spoken interaction scenario. Active speaker
detection is a fundamental prerequisite for any artificial cognitive system
attempting to acquire language in social settings. The proposed method is
intended to complement the acoustic detection of the active speaker, thus
improving the system robustness in noisy conditions. The method can detect an
arbitrary number of possibly overlapping active speakers based exclusively on
visual information about their face. Furthermore, the method does not rely on
external annotations, thus complying with cognitive development. Instead, the
method uses information from the auditory modality to support learning in the
visual domain. This paper reports an extensive evaluation of the proposed
method using a large multi-person face-to-face interaction dataset. The results
show good performance in a speaker dependent setting. However, in a speaker
independent setting the proposed method yields a significantly lower
performance. We believe that the proposed method represents an essential
component of any artificial cognitive system or robotic platform engaging in
social interactions.
|
Interactive Robot Learning of Gestures, Language and Affordances | A growing field in robotics and Artificial Intelligence (AI) research is
human-robot collaboration, whose target is to enable effective teamwork between
humans and robots. However, in many situations human teams are still superior
to human-robot teams, primarily because human teams can easily agree on a
common goal with language, and the individual members observe each other
effectively, leveraging their shared motor repertoire and sensorimotor
resources. This paper shows that for cognitive robots it is possible, and
indeed fruitful, to combine knowledge acquired from interacting with elements
of the environment (affordance exploration) with the probabilistic observation
of another agent's actions.
We propose a model that unites (i) learning robot affordances and word
descriptions with (ii) statistical recognition of human gestures with vision
sensors. We discuss theoretical motivations, possible implementations, and we
show initial results which highlight that, after having acquired knowledge of
its surrounding environment, a humanoid robot can generalize this knowledge to
the case when it observes another agent (human partner) performing the same
motor actions previously executed during training.
|
Long Short-Term Memory (LSTM) networks with jet constituents for boosted
top tagging at the LHC | Multivariate techniques based on engineered features have found wide adoption
in the identification of jets resulting from hadronic top decays at the Large
Hadron Collider (LHC). Recent Deep Learning developments in this area include
the treatment of the calorimeter activation as an image or supplying a list of
jet constituent momenta to a fully connected network. This latter approach
lends itself well to the use of Recurrent Neural Networks. In this work the
applicability of architectures incorporating Long Short-Term Memory (LSTM)
networks is explored. Several network architectures, methods of ordering of jet
constituents, and input pre-processing are studied. The best performing LSTM
network achieves a background rejection of 100 for 50% signal efficiency. This
represents more than a factor of two improvement over a fully connected Deep
Neural Network (DNN) trained on similar types of inputs.
|
Invariance of Weight Distributions in Rectified MLPs | An interesting approach to analyzing neural networks that has received
renewed attention is to examine the equivalent kernel of the neural network.
This is based on the fact that a fully connected feedforward network with one
hidden layer, a certain weight distribution, an activation function, and an
infinite number of neurons can be viewed as a mapping into a Hilbert space. We
derive the equivalent kernels of MLPs with ReLU or Leaky ReLU activations for
all rotationally-invariant weight distributions, generalizing a previous result
that required Gaussian weight distributions. Additionally, the Central Limit
Theorem is used to show that for certain activation functions, kernels
corresponding to layers with weight distributions having $0$ mean and finite
absolute third moment are asymptotically universal, and are well approximated
by the kernel corresponding to layers with spherical Gaussian weights. In deep
networks, as depth increases the equivalent kernel approaches a pathological
fixed point, which can be used to argue why training randomly initialized
networks can be difficult. Our results also have implications for weight
initialization.
|
Demystifying AlphaGo Zero as AlphaGo GAN | The astonishing success of AlphaGo Zero\cite{Silver_AlphaGo} invokes a
worldwide discussion of the future of our human society with a mixed mood of
hope, anxiousness, excitement and fear. We try to dymystify AlphaGo Zero by a
qualitative analysis to indicate that AlphaGo Zero can be understood as a
specially structured GAN system which is expected to possess an inherent good
convergence property. Thus we deduct the success of AlphaGo Zero may not be a
sign of a new generation of AI.
|
Geometric robustness of deep networks: analysis and improvement | Deep convolutional neural networks have been shown to be vulnerable to
arbitrary geometric transformations. However, there is no systematic method to
measure the invariance properties of deep networks to such transformations. We
propose ManiFool as a simple yet scalable algorithm to measure the invariance
of deep networks. In particular, our algorithm measures the robustness of deep
networks to geometric transformations in a worst-case regime as they can be
problematic for sensitive applications. Our extensive experimental results show
that ManiFool can be used to measure the invariance of fairly complex networks
on high dimensional datasets and these values can be used for analyzing the
reasons for it. Furthermore, we build on Manifool to propose a new adversarial
training scheme and we show its effectiveness on improving the invariance
properties of deep neural networks.
|
Warped-Linear Models for Time Series Classification | This article proposes and studies warped-linear models for time series
classification. The proposed models are time-warp invariant analogues of linear
models. Their construction is in line with time series averaging and extensions
of k-means and learning vector quantization to dynamic time warping (DTW)
spaces. The main theoretical result is that warped-linear models correspond to
polyhedral classifiers in Euclidean spaces. This result simplifies the analysis
of time-warp invariant models by reducing to max-linear functions. We exploit
this relationship and derive solutions to the label-dependency problem and the
problem of learning warped-linear models. Empirical results on time series
classification suggest that warped-linear functions better trade solution
quality against computation time than nearest-neighbor and prototype-based
methods.
|
Quantifying the Effects of Enforcing Disentanglement on Variational
Autoencoders | The notion of disentangled autoencoders was proposed as an extension to the
variational autoencoder by introducing a disentanglement parameter $\beta$,
controlling the learning pressure put on the possible underlying latent
representations. For certain values of $\beta$ this kind of autoencoders is
capable of encoding independent input generative factors in separate elements
of the code, leading to a more interpretable and predictable model behaviour.
In this paper we quantify the effects of the parameter $\beta$ on the model
performance and disentanglement. After training multiple models with the same
value of $\beta$, we establish the existence of consistent variance in one of
the disentanglement measures, proposed in literature. The negative consequences
of the disentanglement to the autoencoder's discriminative ability are also
asserted while varying the amount of examples available during training.
|
JADE: Joint Autoencoders for Dis-Entanglement | The problem of feature disentanglement has been explored in the literature,
for the purpose of image and video processing and text analysis.
State-of-the-art methods for disentangling feature representations rely on the
presence of many labeled samples. In this work, we present a novel method for
disentangling factors of variation in data-scarce regimes. Specifically, we
explore the application of feature disentangling for the problem of supervised
classification in a setting where few labeled samples exist, and there are no
unlabeled samples for use in unsupervised training. Instead, a similar datasets
exists which shares at least one direction of variation with the
sample-constrained datasets. We train our model end-to-end using the framework
of variational autoencoders and are able to experimentally demonstrate that
using an auxiliary dataset with similar variation factors contribute positively
to classification performance, yielding competitive results with the
state-of-the-art in unsupervised learning.
|
Disentangling Dynamics and Content for Control and Planning | In this paper, We study the problem of learning a controllable representation
for high-dimensional observations of dynamical systems. Specifically, we
consider a situation where there are multiple sets of observations of dynamical
systems with identical underlying dynamics. Only one of these sets has
information about the effect of actions on the observation and the rest are
just some random observations of the system. Our goal is to utilize the
information in that one set and find a representation for the other sets that
can be used for planning and ling-term prediction.
|
Selling to a No-Regret Buyer | We consider the problem of a single seller repeatedly selling a single item
to a single buyer (specifically, the buyer has a value drawn fresh from known
distribution $D$ in every round). Prior work assumes that the buyer is fully
rational and will perfectly reason about how their bids today affect the
seller's decisions tomorrow. In this work we initiate a different direction:
the buyer simply runs a no-regret learning algorithm over possible bids. We
provide a fairly complete characterization of optimal auctions for the seller
in this domain. Specifically:
- If the buyer bids according to EXP3 (or any "mean-based" learning
algorithm), then the seller can extract expected revenue arbitrarily close to
the expected welfare. This auction is independent of the buyer's valuation $D$,
but somewhat unnatural as it is sometimes in the buyer's interest to overbid. -
There exists a learning algorithm $\mathcal{A}$ such that if the buyer bids
according to $\mathcal{A}$ then the optimal strategy for the seller is simply
to post the Myerson reserve for $D$ every round. - If the buyer bids according
to EXP3 (or any "mean-based" learning algorithm), but the seller is restricted
to "natural" auction formats where overbidding is dominated (e.g. Generalized
First-Price or Generalized Second-Price), then the optimal strategy for the
seller is a pay-your-bid format with decreasing reserves over time. Moreover,
the seller's optimal achievable revenue is characterized by a linear program,
and can be unboundedly better than the best truthful auction yet simultaneously
unboundedly worse than the expected welfare.
|
Feature Selection Facilitates Learning Mixtures of Discrete Product
Distributions | Feature selection can facilitate the learning of mixtures of discrete random
variables as they arise, e.g. in crowdsourcing tasks. Intuitively, not all
workers are equally reliable but, if the less reliable ones could be
eliminated, then learning should be more robust. By analogy with Gaussian
mixture models, we seek a low-order statistical approach, and here introduce an
algorithm based on the (pairwise) mutual information. This induces an order
over workers that is well structured for the `one coin' model. More generally,
it is justified by a goodness-of-fit measure and is validated empirically.
Improvement in real data sets can be substantial.
|
Stacked Kernel Network | Kernel methods are powerful tools to capture nonlinear patterns behind data.
They implicitly learn high (even infinite) dimensional nonlinear features in
the Reproducing Kernel Hilbert Space (RKHS) while making the computation
tractable by leveraging the kernel trick. Classic kernel methods learn a single
layer of nonlinear features, whose representational power may be limited.
Motivated by recent success of deep neural networks (DNNs) that learn
multi-layer hierarchical representations, we propose a Stacked Kernel Network
(SKN) that learns a hierarchy of RKHS-based nonlinear features. SKN interleaves
several layers of nonlinear transformations (from a linear space to a RKHS) and
linear transformations (from a RKHS to a linear space). Similar to DNNs, a SKN
is composed of multiple layers of hidden units, but each parameterized by a
RKHS function rather than a finite-dimensional vector. We propose three ways to
represent the RKHS functions in SKN: (1)nonparametric representation,
(2)parametric representation and (3)random Fourier feature representation.
Furthermore, we expand SKN into CNN architecture called Stacked Kernel
Convolutional Network (SKCN). SKCN learning a hierarchy of RKHS-based nonlinear
features by convolutional operation with each filter also parameterized by a
RKHS function rather than a finite-dimensional matrix in CNN, which is suitable
for image inputs. Experiments on various datasets demonstrate the effectiveness
of SKN and SKCN, which outperform the competitive methods.
|
Fitting Jump Models | We describe a new framework for fitting jump models to a sequence of data.
The key idea is to alternate between minimizing a loss function to fit multiple
model parameters, and minimizing a discrete loss function to determine which
set of model parameters is active at each data point. The framework is quite
general and encompasses popular classes of models, such as hidden Markov models
and piecewise affine models. The shape of the chosen loss functions to minimize
determine the shape of the resulting jump model.
|
Malaria Likelihood Prediction By Effectively Surveying Households Using
Deep Reinforcement Learning | We build a deep reinforcement learning (RL) agent that can predict the
likelihood of an individual testing positive for malaria by asking questions
about their household. The RL agent learns to determine which survey question
to ask next and when to stop to make a prediction about their likelihood of
malaria based on their responses hitherto. The agent incurs a small penalty for
each question asked, and a large reward/penalty for making the correct/wrong
prediction; it thus has to learn to balance the length of the survey with the
accuracy of its final predictions. Our RL agent is a Deep Q-network that learns
a policy directly from the responses to the questions, with an action defined
for each possible survey question and for each possible prediction class. We
focus on Kenya, where malaria is a massive health burden, and train the RL
agent on a dataset of 6481 households from the Kenya Malaria Indicator Survey
2015. To investigate the importance of having survey questions be adaptive to
responses, we compare our RL agent to a supervised learning (SL) baseline that
fixes its set of survey questions a priori. We evaluate on prediction accuracy
and on the number of survey questions asked on a holdout set and find that the
RL agent is able to predict with 80% accuracy, using only 2.5 questions on
average. In addition, the RL agent learns to survey adaptively to responses and
is able to match the SL baseline in prediction accuracy while significantly
reducing survey length.
|
Expectation maximization transfer learning and its application for
bionic hand prostheses | Machine learning models in practical settings are typically confronted with
changes to the distribution of the incoming data. Such changes can severely
affect the model performance, leading for example to misclassifications of
data. This is particularly apparent in the domain of bionic hand prostheses,
where machine learning models promise faster and more intuitive user
interfaces, but are hindered by their lack of robustness to everyday
disturbances, such as electrode shifts. One way to address changes in the data
distribution is transfer learning, that is, to transfer the disturbed data to a
space where the original model is applicable again. In this contribution, we
propose a novel expectation maximization algorithm to learn linear
transformations that maximize the likelihood of disturbed data after the
transformation. We also show that this approach generalizes to discriminative
models, in particular learning vector quantization models. In our evaluation on
data from the bionic prostheses domain we demonstrate that our approach can
learn a transformation which improves classification accuracy significantly and
outperforms all tested baselines, if few data or few classes are available in
the target domain.
|
Generalizing Hamiltonian Monte Carlo with Neural Networks | We present a general-purpose method to train Markov chain Monte Carlo
kernels, parameterized by deep neural networks, that converge and mix quickly
to their target distribution. Our method generalizes Hamiltonian Monte Carlo
and is trained to maximize expected squared jumped distance, a proxy for mixing
speed. We demonstrate large empirical gains on a collection of simple but
challenging distributions, for instance achieving a 106x improvement in
effective sample size in one case, and mixing when standard HMC makes no
measurable progress in a second. Finally, we show quantitative and qualitative
gains on a real-world task: latent-variable generative modeling. We release an
open source TensorFlow implementation of the algorithm.
|
A Big Data Analysis Framework Using Apache Spark and Deep Learning | With the spreading prevalence of Big Data, many advances have recently been
made in this field. Frameworks such as Apache Hadoop and Apache Spark have
gained a lot of traction over the past decades and have become massively
popular, especially in industries. It is becoming increasingly evident that
effective big data analysis is key to solving artificial intelligence problems.
Thus, a multi-algorithm library was implemented in the Spark framework, called
MLlib. While this library supports multiple machine learning algorithms, there
is still scope to use the Spark setup efficiently for highly time-intensive and
computationally expensive procedures like deep learning. In this paper, we
propose a novel framework that combines the distributive computational
abilities of Apache Spark and the advanced machine learning architecture of a
deep multi-layer perceptron (MLP), using the popular concept of Cascade
Learning. We conduct empirical analysis of our framework on two real world
datasets. The results are encouraging and corroborate our proposed framework,
in turn proving that it is an improvement over traditional big data analysis
methods that use either Spark or Deep learning as individual elements.
|
An Adaptive Strategy for Active Learning with Smooth Decision Boundary | We present the first adaptive strategy for active learning in the setting of
classification with smooth decision boundary. The problem of adaptivity (to
unknown distributional parameters) has remained opened since the seminal work
of Castro and Nowak (2007), which first established (active learning) rates for
this setting. While some recent advances on this problem establish adaptive
rates in the case of univariate data, adaptivity in the more practical setting
of multivariate data has so far remained elusive. Combining insights from
various recent works, we show that, for the multivariate case, a careful
reduction to univariate-adaptive strategies yield near-optimal rates without
prior knowledge of distributional parameters.
|
Learning Less-Overlapping Representations | In representation learning (RL), how to make the learned representations easy
to interpret and less overfitted to training data are two important but
challenging issues. To address these problems, we study a new type of
regulariza- tion approach that encourages the supports of weight vectors in RL
models to have small overlap, by simultaneously promoting near-orthogonality
among vectors and sparsity of each vector. We apply the proposed regularizer to
two models: neural networks (NNs) and sparse coding (SC), and develop an
efficient ADMM-based algorithm for regu- larized SC. Experiments on various
datasets demonstrate that weight vectors learned under our regularizer are more
interpretable and have better generalization performance.
|
Inference of Spatio-Temporal Functions over Graphs via Multi-Kernel
Kriged Kalman Filtering | Inference of space-time varying signals on graphs emerges naturally in a
plethora of network science related applications. A frequently encountered
challenge pertains to reconstructing such dynamic processes, given their values
over a subset of vertices and time instants. The present paper develops a
graph-aware kernel-based kriged Kalman filter that accounts for the
spatio-temporal variations, and offers efficient online reconstruction, even
for dynamically evolving network topologies. The kernel-based learning
framework bypasses the need for statistical information by capitalizing on the
smoothness that graph signals exhibit with respect to the underlying graph. To
address the challenge of selecting the appropriate kernel, the proposed filter
is combined with a multi-kernel selection module. Such a data-driven method
selects a kernel attuned to the signal dynamics on-the-fly within the linear
span of a pre-selected dictionary. The novel multi-kernel learning algorithm
exploits the eigenstructure of Laplacian kernel matrices to reduce
computational complexity. Numerical tests with synthetic and real data
demonstrate the superior reconstruction performance of the novel approach
relative to state-of-the-art alternatives.
|
Training Confidence-calibrated Classifiers for Detecting
Out-of-Distribution Samples | The problem of detecting whether a test sample is from in-distribution (i.e.,
training distribution by a classifier) or out-of-distribution sufficiently
different from it arises in many real-world machine learning applications.
However, the state-of-art deep neural networks are known to be highly
overconfident in their predictions, i.e., do not distinguish in- and
out-of-distributions. Recently, to handle this issue, several threshold-based
detectors have been proposed given pre-trained neural classifiers. However, the
performance of prior works highly depends on how to train the classifiers since
they only focus on improving inference procedures. In this paper, we develop a
novel training method for classifiers so that such inference algorithms can
work better. In particular, we suggest two additional terms added to the
original loss (e.g., cross entropy). The first one forces samples from
out-of-distribution less confident by the classifier and the second one is for
(implicitly) generating most effective training samples for the first one. In
essence, our method jointly trains both classification and generative neural
networks for out-of-distribution. We demonstrate its effectiveness using deep
convolutional neural networks on various popular image datasets.
|
Smartphone App Usage Prediction Using Points of Interest | In this paper we present the first population-level, city-scale analysis of
application usage on smartphones. Using deep packet inspection at the network
operator level, we obtained a geo-tagged dataset with more than 6 million
unique devices that launched more than 10,000 unique applications across the
city of Shanghai over one week. We develop a technique that leverages transfer
learning to predict which applications are most popular and estimate the whole
usage distribution based on the Point of Interest (POI) information of that
particular location. We demonstrate that our technique has an 83.0% hitrate in
successfully identifying the top five popular applications, and a 0.15 RMSE
when estimating usage with just 10% sampled sparse data. It outperforms by
about 25.7% over the existing state-of-the-art approaches. Our findings pave
the way for predicting which apps are relevant to a user given their current
location, and which applications are popular where. The implications of our
findings are broad: it enables a range of systems to benefit from such timely
predictions, including operating systems, network operators, appstores,
advertisers, and service providers.
|
Improved Neural Text Attribute Transfer with Non-parallel Data | Text attribute transfer using non-parallel data requires methods that can
perform disentanglement of content and linguistic attributes. In this work, we
propose multiple improvements over the existing approaches that enable the
encoder-decoder framework to cope with the text attribute transfer from
non-parallel data. We perform experiments on the sentiment transfer task using
two datasets. For both datasets, our proposed method outperforms a strong
baseline in two of the three employed evaluation metrics.
|
Improving the Adversarial Robustness and Interpretability of Deep Neural
Networks by Regularizing their Input Gradients | Deep neural networks have proven remarkably effective at solving many
classification problems, but have been criticized recently for two major
weaknesses: the reasons behind their predictions are uninterpretable, and the
predictions themselves can often be fooled by small adversarial perturbations.
These problems pose major obstacles for the adoption of neural networks in
domains that require security or transparency. In this work, we evaluate the
effectiveness of defenses that differentiably penalize the degree to which
small changes in inputs can alter model predictions. Across multiple attacks,
architectures, defenses, and datasets, we find that neural networks trained
with this input gradient regularization exhibit robustness to transferred
adversarial examples generated to fool all of the other models. We also find
that adversarial examples generated to fool gradient-regularized models fool
all other models equally well, and actually lead to more "legitimate,"
interpretable misclassifications as rated by people (which we confirm in a
human subject experiment). Finally, we demonstrate that regularizing input
gradients makes them more naturally interpretable as rationales for model
predictions. We conclude by discussing this relationship between
interpretability and robustness in deep neural networks.
|
MAVOT: Memory-Augmented Video Object Tracking | We introduce a one-shot learning approach for video object tracking. The
proposed algorithm requires seeing the object to be tracked only once, and
employs an external memory to store and remember the evolving features of the
foreground object as well as backgrounds over time during tracking. With the
relevant memory retrieved and updated in each tracking, our tracking model is
capable of maintaining long-term memory of the object, and thus can naturally
deal with hard tracking scenarios including partial and total occlusion, motion
changes and large scale and shape variations. In our experiments we use the
ImageNet ILSVRC2015 video detection dataset to train and use the VOT-2016
benchmark to test and compare our Memory-Augmented Video Object Tracking
(MAVOT) model. From the results, we conclude that given its oneshot property
and simplicity in design, MAVOT is an attractive approach in visual tracking
because it shows good performance on VOT-2016 benchmark and is among the top 5
performers in accuracy and robustness in occlusion, motion changes and empty
target.
|
An Introduction to Deep Visual Explanation | The practical impact of deep learning on complex supervised learning problems
has been significant, so much so that almost every Artificial Intelligence
problem, or at least a portion thereof, has been somehow recast as a deep
learning problem. The applications appeal is significant, but this appeal is
increasingly challenged by what some call the challenge of explainability, or
more generally the more traditional challenge of debuggability: if the outcomes
of a deep learning process produce unexpected results (e.g., less than expected
performance of a classifier), then there is little available in the way of
theories or tools to help investigate the potential causes of such unexpected
behavior, especially when this behavior could impact people's lives. We
describe a preliminary framework to help address this issue, which we call
"deep visual explanation" (DVE). "Deep," because it is the development and
performance of deep neural network models that we want to understand. "Visual,"
because we believe that the most rapid insight into a complex multi-dimensional
model is provided by appropriate visualization techniques, and "Explanation,"
because in the spectrum from instrumentation by inserting print statements to
the abductive inference of explanatory hypotheses, we believe that the key to
understanding deep learning relies on the identification and exposure of
hypotheses about the performance behavior of a learned deep model. In the
exposition of our preliminary framework, we use relatively straightforward
image classification examples and a variety of choices on initial configuration
of a deep model building scenario. By careful but not complicated
instrumentation, we expose classification outcomes of deep models using
visualization, and also show initial results for one potential application of
interpretability.
|
Highly Efficient Human Action Recognition with Quantum Genetic Algorithm
Optimized Support Vector Machine | In this paper we propose the use of quantum genetic algorithm to optimize the
support vector machine (SVM) for human action recognition. The Microsoft Kinect
sensor can be used for skeleton tracking, which provides the joints' position
data. However, how to extract the motion features for representing the dynamics
of a human skeleton is still a challenge due to the complexity of human motion.
We present a highly efficient features extraction method for action
classification, that is, using the joint angles to represent a human skeleton
and calculating the variance of each angle during an action time window. Using
the proposed representation, we compared the human action classification
accuracy of two approaches, including the optimized SVM based on quantum
genetic algorithm and the conventional SVM with grid search. Experimental
results on the MSR-12 dataset show that the conventional SVM achieved an
accuracy of $ 93.85\% $. The proposed approach outperforms the conventional
method with an accuracy of $ 96.15\% $.
|
Neural Text Generation: A Practical Guide | Deep learning methods have recently achieved great empirical success on
machine translation, dialogue response generation, summarization, and other
text generation tasks. At a high level, the technique has been to train
end-to-end neural network models consisting of an encoder model to produce a
hidden representation of the source text, followed by a decoder model to
generate the target. While such models have significantly fewer pieces than
earlier systems, significant tuning is still required to achieve good
performance. For text generation models in particular, the decoder can behave
in undesired ways, such as by generating truncated or repetitive outputs,
outputting bland and generic responses, or in some cases producing
ungrammatical gibberish. This paper is intended as a practical guide for
resolving such undesired behavior in text generation models, with the aim of
helping enable real-world applications.
|
Learning with Biased Complementary Labels | In this paper, we study the classification problem in which we have access to
easily obtainable surrogate for true labels, namely complementary labels, which
specify classes that observations do \textbf{not} belong to. Let $Y$ and
$\bar{Y}$ be the true and complementary labels, respectively. We first model
the annotation of complementary labels via transition probabilities
$P(\bar{Y}=i|Y=j), i\neq j\in\{1,\cdots,c\}$, where $c$ is the number of
classes. Previous methods implicitly assume that $P(\bar{Y}=i|Y=j), \forall
i\neq j$, are identical, which is not true in practice because humans are
biased toward their own experience. For example, as shown in Figure 1, if an
annotator is more familiar with monkeys than prairie dogs when providing
complementary labels for meerkats, she is more likely to employ "monkey" as a
complementary label. We therefore reason that the transition probabilities will
be different. In this paper, we propose a framework that contributes three main
innovations to learning with \textbf{biased} complementary labels: (1) It
estimates transition probabilities with no bias. (2) It provides a general
method to modify traditional loss functions and extends standard deep neural
network classifiers to learn with biased complementary labels. (3) It
theoretically ensures that the classifier learned with complementary labels
converges to the optimal one learned with true labels. Comprehensive
experiments on several benchmark datasets validate the superiority of our
method to current state-of-the-art methods.
|
Attention Clusters: Purely Attention Based Local Feature Integration for
Video Classification | Recently, substantial research effort has focused on how to apply CNNs or
RNNs to better extract temporal patterns from videos, so as to improve the
accuracy of video classification. In this paper, however, we show that temporal
information, especially longer-term patterns, may not be necessary to achieve
competitive results on common video classification datasets. We investigate the
potential of a purely attention based local feature integration. Accounting for
the characteristics of such features in video classification, we propose a
local feature integration framework based on attention clusters, and introduce
a shifting operation to capture more diverse signals. We carefully analyze and
compare the effect of different attention mechanisms, cluster sizes, and the
use of the shifting operation, and also investigate the combination of
attention clusters for multimodal integration. We demonstrate the effectiveness
of our framework on three real-world video classification datasets. Our model
achieves competitive results across all of these. In particular, on the
large-scale Kinetics dataset, our framework obtains an excellent single model
accuracy of 79.4% in terms of the top-1 and 94.0% in terms of the top-5
accuracy on the validation set. The attention clusters are the backbone of our
winner solution at ActivityNet Kinetics Challenge 2017. Code and models will be
released soon.
|
Interpretable Convolutional Neural Networks for Effective Translation
Initiation Site Prediction | Thanks to rapidly evolving sequencing techniques, the amount of genomic data
at our disposal is growing increasingly large. Determining the gene structure
is a fundamental requirement to effectively interpret gene function and
regulation. An important part in that determination process is the
identification of translation initiation sites. In this paper, we propose a
novel approach for automatic prediction of translation initiation sites,
leveraging convolutional neural networks that allow for automatic feature
extraction. Our experimental results demonstrate that we are able to improve
the state-of-the-art approaches with a decrease of 75.2% in false positive rate
and with a decrease of 24.5% in error rate on chosen datasets. Furthermore, an
in-depth analysis of the decision-making process used by our predictive model
shows that our neural network implicitly learns biologically relevant features
from scratch, without any prior knowledge about the problem at hand, such as
the Kozak consensus sequence, the influence of stop and start codons in the
sequence and the presence of donor splice site patterns. In summary, our
findings yield a better understanding of the internal reasoning of a
convolutional neural network when applying such a neural network to genomic
data.
|
Extracting Automata from Recurrent Neural Networks Using Queries and
Counterexamples | We present a novel algorithm that uses exact learning and abstraction to
extract a deterministic finite automaton describing the state dynamics of a
given trained RNN. We do this using Angluin's L* algorithm as a learner and the
trained RNN as an oracle. Our technique efficiently extracts accurate automata
from trained RNNs, even when the state vectors are large and require fine
differentiation.
|
Deep Reinforcement Learning for Sepsis Treatment | Sepsis is a leading cause of mortality in intensive care units and costs
hospitals billions annually. Treating a septic patient is highly challenging,
because individual patients respond very differently to medical interventions
and there is no universally agreed-upon treatment for sepsis. In this work, we
propose an approach to deduce treatment policies for septic patients by using
continuous state-space models and deep reinforcement learning. Our model learns
clinically interpretable treatment policies, similar in important aspects to
the treatment policies of physicians. The learned policies could be used to aid
intensive care clinicians in medical decision making and improve the likelihood
of patient survival.
|
Multiple Instance Learning Networks for Fine-Grained Sentiment Analysis | We consider the task of fine-grained sentiment analysis from the perspective
of multiple instance learning (MIL). Our neural model is trained on document
sentiment labels, and learns to predict the sentiment of text segments, i.e.
sentences or elementary discourse units (EDUs), without segment-level
supervision. We introduce an attention-based polarity scoring method for
identifying positive and negative text snippets and a new dataset which we call
SPOT (as shorthand for Segment-level POlariTy annotations) for evaluating
MIL-style sentiment models like ours. Experimental results demonstrate superior
performance against multiple baselines, whereas a judgement elicitation study
shows that EDU-level opinion extraction produces more informative summaries
than sentence-based alternatives.
|
One-Shot Coresets: The Case of k-Clustering | Scaling clustering algorithms to massive data sets is a challenging task.
Recently, several successful approaches based on data summarization methods,
such as coresets and sketches, were proposed. While these techniques provide
provably good and small summaries, they are inherently problem dependent - the
practitioner has to commit to a fixed clustering objective before even
exploring the data. However, can one construct small data summaries for a wide
range of clustering problems simultaneously? In this work, we affirmatively
answer this question by proposing an efficient algorithm that constructs such
one-shot summaries for k-clustering problems while retaining strong theoretical
guarantees.
|
DeepBrain: Functional Representation of Neural In-Situ Hybridization
Images for Gene Ontology Classification Using Deep Convolutional Autoencoders | This paper presents a novel deep learning-based method for learning a
functional representation of mammalian neural images. The method uses a deep
convolutional denoising autoencoder (CDAE) for generating an invariant, compact
representation of in situ hybridization (ISH) images. While most existing
methods for bio-imaging analysis were not developed to handle images with
highly complex anatomical structures, the results presented in this paper show
that functional representation extracted by CDAE can help learn features of
functional gene ontology categories for their classification in a highly
accurate manner. Using this CDAE representation, our method outperforms the
previous state-of-the-art classification rate, by improving the average AUC
from 0.92 to 0.98, i.e., achieving 75% reduction in error. The method operates
on input images that were downsampled significantly with respect to the
original ones to make it computationally feasible.
|
DeepAPT: Nation-State APT Attribution Using End-to-End Deep Neural
Networks | In recent years numerous advanced malware, aka advanced persistent threats
(APT) are allegedly developed by nation-states. The task of attributing an APT
to a specific nation-state is extremely challenging for several reasons. Each
nation-state has usually more than a single cyber unit that develops such
advanced malware, rendering traditional authorship attribution algorithms
useless. Furthermore, those APTs use state-of-the-art evasion techniques,
making feature extraction challenging. Finally, the dataset of such available
APTs is extremely small.
In this paper we describe how deep neural networks (DNN) could be
successfully employed for nation-state APT attribution. We use sandbox reports
(recording the behavior of the APT when run dynamically) as raw input for the
neural network, allowing the DNN to learn high level feature abstractions of
the APTs itself. Using a test set of 1,000 Chinese and Russian developed APTs,
we achieved an accuracy rate of 94.6%.
|
DeepChess: End-to-End Deep Neural Network for Automatic Learning in
Chess | We present an end-to-end learning method for chess, relying on deep neural
networks. Without any a priori knowledge, in particular without any knowledge
regarding the rules of chess, a deep neural network is trained using a
combination of unsupervised pretraining and supervised training. The
unsupervised training extracts high level features from a given position, and
the supervised training learns to compare two chess positions and select the
more favorable one. The training relies entirely on datasets of several million
chess games, and no further domain specific knowledge is incorporated.
The experiments show that the resulting neural network (referred to as
DeepChess) is on a par with state-of-the-art chess playing programs, which have
been developed through many years of manual feature selection and tuning.
DeepChess is the first end-to-end machine learning-based method that results in
a grandmaster-level chess playing performance.
|
Butterfly Effect: Bidirectional Control of Classification Performance by
Small Additive Perturbation | This paper proposes a new algorithm for controlling classification results by
generating a small additive perturbation without changing the classifier
network. Our work is inspired by existing works generating adversarial
perturbation that worsens classification performance. In contrast to the
existing methods, our work aims to generate perturbations that can enhance
overall classification performance. To solve this performance enhancement
problem, we newly propose a perturbation generation network (PGN) influenced by
the adversarial learning strategy. In our problem, the information in a large
external dataset is summarized by a small additive perturbation, which helps to
improve the performance of the classifier trained with the target dataset. In
addition to this performance enhancement problem, we show that the proposed PGN
can be adopted to solve the classical adversarial problem without utilizing the
information on the target classifier. The mentioned characteristics of our
method are verified through extensive experiments on publicly available visual
datasets.
|
Data Dependent Kernel Approximation using Pseudo Random Fourier Features | Kernel methods are powerful and flexible approach to solve many problems in
machine learning. Due to the pairwise evaluations in kernel methods, the
complexity of kernel computation grows as the data size increases; thus the
applicability of kernel methods is limited for large scale datasets. Random
Fourier Features (RFF) has been proposed to scale the kernel method for solving
large scale datasets by approximating kernel function using randomized Fourier
features. While this method proved very popular, still it exists shortcomings
to be effectively used. As RFF samples the randomized features from a
distribution independent of training data, it requires sufficient large number
of feature expansions to have similar performances to kernelized classifiers,
and this is proportional to the number samples in the dataset. Thus, reducing
the number of feature dimensions is necessary to effectively scale to large
datasets. In this paper, we propose a kernel approximation method in a data
dependent way, coined as Pseudo Random Fourier Features (PRFF) for reducing the
number of feature dimensions and also to improve the prediction performance.
The proposed approach is evaluated on classification and regression problems
and compared with the RFF, orthogonal random features and Nystr{\"o}m approach
|
Distilling a Neural Network Into a Soft Decision Tree | Deep neural networks have proved to be a very effective way to perform
classification tasks. They excel when the input data is high dimensional, the
relationship between the input and the output is complicated, and the number of
labeled training examples is large. But it is hard to explain why a learned
network makes a particular classification decision on a particular test case.
This is due to their reliance on distributed hierarchical representations. If
we could take the knowledge acquired by the neural net and express the same
knowledge in a model that relies on hierarchical decisions instead, explaining
a particular decision would be much easier. We describe a way of using a
trained neural net to create a type of soft decision tree that generalizes
better than one learned directly from the training data.
|
Scalable Object Detection for Stylized Objects | Following recent breakthroughs in convolutional neural networks and
monolithic model architectures, state-of-the-art object detection models can
reliably and accurately scale into the realm of up to thousands of classes.
Things quickly break down, however, when scaling into the tens of thousands,
or, eventually, to millions or billions of unique objects. Further, bounding
box-trained end-to-end models require extensive training data. Even though -
with some tricks using hierarchies - one can sometimes scale up to thousands of
classes, the labor requirements for clean image annotations quickly get out of
control. In this paper, we present a two-layer object detection method for
brand logos and other stylized objects for which prototypical images exist. It
can scale to large numbers of unique classes. Our first layer is a CNN from the
Single Shot Multibox Detector family of models that learns to propose regions
where some stylized object is likely to appear. The contents of a proposed
bounding box is then run against an image index that is targeted for the
retrieval task at hand. The proposed architecture scales to a large number of
object classes, allows to continously add new classes without retraining, and
exhibits state-of-the-art quality on a stylized object detection task such as
logo recognition.
|
Separating Self-Expression and Visual Content in Hashtag Supervision | The variety, abundance, and structured nature of hashtags make them an
interesting data source for training vision models. For instance, hashtags have
the potential to significantly reduce the problem of manual supervision and
annotation when learning vision models for a large number of concepts. However,
a key challenge when learning from hashtags is that they are inherently
subjective because they are provided by users as a form of self-expression. As
a consequence, hashtags may have synonyms (different hashtags referring to the
same visual content) and may be ambiguous (the same hashtag referring to
different visual content). These challenges limit the effectiveness of
approaches that simply treat hashtags as image-label pairs. This paper presents
an approach that extends upon modeling simple image-label pairs by modeling the
joint distribution of images, hashtags, and users. We demonstrate the efficacy
of such approaches in image tagging and retrieval experiments, and show how the
joint model can be used to perform user-conditional retrieval and tagging.
|
Population Based Training of Neural Networks | Neural networks dominate the modern machine learning landscape, but their
training and success still suffer from sensitivity to empirical choices of
hyperparameters such as model architecture, loss function, and optimisation
algorithm. In this work we present \emph{Population Based Training (PBT)}, a
simple asynchronous optimisation algorithm which effectively utilises a fixed
computational budget to jointly optimise a population of models and their
hyperparameters to maximise performance. Importantly, PBT discovers a schedule
of hyperparameter settings rather than following the generally sub-optimal
strategy of trying to find a single fixed set to use for the whole course of
training. With just a small modification to a typical distributed
hyperparameter training framework, our method allows robust and reliable
training of models. We demonstrate the effectiveness of PBT on deep
reinforcement learning problems, showing faster wall-clock convergence and
higher final performance of agents by optimising over a suite of
hyperparameters. In addition, we show the same method can be applied to
supervised learning for machine translation, where PBT is used to maximise the
BLEU score directly, and also to training of Generative Adversarial Networks to
maximise the Inception score of generated images. In all cases PBT results in
the automatic discovery of hyperparameter schedules and model selection which
results in stable training and better final performance.
|
Large-scale Point Cloud Semantic Segmentation with Superpoint Graphs | We propose a novel deep learning-based framework to tackle the challenge of
semantic segmentation of large-scale point clouds of millions of points. We
argue that the organization of 3D point clouds can be efficiently captured by a
structure called superpoint graph (SPG), derived from a partition of the
scanned scene into geometrically homogeneous elements. SPGs offer a compact yet
rich representation of contextual relationships between object parts, which is
then exploited by a graph convolutional network. Our framework sets a new state
of the art for segmenting outdoor LiDAR scans (+11.9 and +8.8 mIoU points for
both Semantic3D test sets), as well as indoor scans (+12.4 mIoU points for the
S3DIS dataset).
|
Divide-and-Conquer Reinforcement Learning | Standard model-free deep reinforcement learning (RL) algorithms sample a new
initial state for each trial, allowing them to optimize policies that can
perform well even in highly stochastic environments. However, problems that
exhibit considerable initial state variation typically produce high-variance
gradient estimates for model-free RL, making direct policy or value function
optimization challenging. In this paper, we develop a novel algorithm that
instead partitions the initial state space into "slices", and optimizes an
ensemble of policies, each on a different slice. The ensemble is gradually
unified into a single policy that can succeed on the whole state space. This
approach, which we term divide-and-conquer RL, is able to solve complex tasks
where conventional deep RL methods are ineffective. Our results show that
divide-and-conquer RL greatly outperforms conventional policy gradient methods
on challenging grasping, manipulation, and locomotion tasks, and exceeds the
performance of a variety of prior methods. Videos of policies learned by our
algorithm can be viewed at http://bit.ly/dnc-rl
|
Context-modulation of hippocampal dynamics and deep convolutional
networks | Complex architectures of biological neural circuits, such as parallel
processing pathways, has been behaviorally implicated in many cognitive
studies. However, the theoretical consequences of circuit complexity on neural
computation have only been explored in limited cases. Here, we introduce a
mechanism by which direct and indirect pathways from cortex to the CA3 region
of the hippocampus can balance both contextual gating of memory formation and
driving network activity. We implement this concept in a deep artificial neural
network by enabling a context-sensitive bias. The motivation for this is to
improve performance of a size-constrained network. Using direct knowledge of
the superclass information in the CIFAR-100 and Fashion-MNIST datasets, we show
a dramatic increase in performance without an increase in network size.
|
AI Safety Gridworlds | We present a suite of reinforcement learning environments illustrating
various safety properties of intelligent agents. These problems include safe
interruptibility, avoiding side effects, absent supervisor, reward gaming, safe
exploration, as well as robustness to self-modification, distributional shift,
and adversaries. To measure compliance with the intended safe behavior, we
equip each environment with a performance function that is hidden from the
agent. This allows us to categorize AI safety problems into robustness and
specification problems, depending on whether the performance function
corresponds to the observed reward function. We evaluate A2C and Rainbow, two
recent deep reinforcement learning agents, on our environments and show that
they are not able to solve them satisfactorily.
|
Denoising Gravitational Waves using Deep Learning with Recurrent
Denoising Autoencoders | Gravitational wave astronomy is a rapidly growing field of modern
astrophysics, with observations being made frequently by the LIGO detectors.
Gravitational wave signals are often extremely weak and the data from the
detectors, such as LIGO, is contaminated with non-Gaussian and non-stationary
noise, often containing transient disturbances which can obscure real signals.
Traditional denoising methods, such as principal component analysis and
dictionary learning, are not optimal for dealing with this non-Gaussian noise,
especially for low signal-to-noise ratio gravitational wave signals.
Furthermore, these methods are computationally expensive on large datasets. To
overcome these issues, we apply state-of-the-art signal processing techniques,
based on recent groundbreaking advancements in deep learning, to denoise
gravitational wave signals embedded either in Gaussian noise or in real LIGO
noise. We introduce SMTDAE, a Staired Multi-Timestep Denoising Autoencoder,
based on sequence-to-sequence bi-directional Long-Short-Term-Memory recurrent
neural networks. We demonstrate the advantages of using our unsupervised deep
learning approach and show that, after training only using simulated Gaussian
noise, SMTDAE achieves superior recovery performance for gravitational wave
signals embedded in real non-Gaussian LIGO noise.
|
Online Learning via the Differential Privacy Lens | In this paper, we use differential privacy as a lens to examine online
learning in both full and partial information settings. The differential
privacy framework is, at heart, less about privacy and more about algorithmic
stability, and thus has found application in domains well beyond those where
information security is central. Here we develop an algorithmic property called
one-step differential stability which facilitates a more refined regret
analysis for online learning methods. We show that tools from the differential
privacy literature can yield regret bounds for many interesting online learning
problems including online convex optimization and online linear optimization.
Our stability notion is particularly well-suited for deriving first-order
regret bounds for follow-the-perturbed-leader algorithms, something that all
previous analyses have struggled to achieve. We also generalize the standard
max-divergence to obtain a broader class called Tsallis max-divergences. These
define stronger notions of stability that are useful in deriving bounds in
partial information settings such as multi-armed bandits and bandits with
experts.
|
Recurrent Generative Adversarial Networks for Proximal Learning and
Automated Compressive Image Recovery | Recovering images from undersampled linear measurements typically leads to an
ill-posed linear inverse problem, that asks for proper statistical priors.
Building effective priors is however challenged by the low train and test
overhead dictated by real-time tasks; and the need for retrieving visually
"plausible" and physically "feasible" images with minimal hallucination. To
cope with these challenges, we design a cascaded network architecture that
unrolls the proximal gradient iterations by permeating benefits from generative
residual networks (ResNet) to modeling the proximal operator. A mixture of
pixel-wise and perceptual costs is then deployed to train proximals. The
overall architecture resembles back-and-forth projection onto the intersection
of feasible and plausible images. Extensive computational experiments are
examined for a global task of reconstructing MR images of pediatric patients,
and a more local task of superresolving CelebA faces, that are insightful to
design efficient architectures. Our observations indicate that for MRI
reconstruction, a recurrent ResNet with a single residual block effectively
learns the proximal. This simple architecture appears to significantly
outperform the alternative deep ResNet architecture by 2dB SNR, and the
conventional compressed-sensing MRI by 4dB SNR with 100x faster inference. For
image superresolution, our preliminary results indicate that modeling the
denoising proximal demands deep ResNets.
|
Active Regression via Linear-Sample Sparsification | We present an approach that improves the sample complexity for a variety of
curve fitting problems, including active learning for linear regression,
polynomial regression, and continuous sparse Fourier transforms. In the active
linear regression problem, one would like to estimate the least squares
solution $\beta^*$ minimizing $\|X\beta - y\|_2$ given the entire unlabeled
dataset $X \in \mathbb{R}^{n \times d}$ but only observing a small number of
labels $y_i$. We show that $O(d)$ labels suffice to find a constant factor
approximation $\tilde{\beta}$:
\[
\mathbb{E}[\|X\tilde{\beta} - y\|_2^2] \leq 2 \mathbb{E}[\|X \beta^* -
y\|_2^2].
\] This improves on the best previous result of $O(d \log d)$ from leverage
score sampling. We also present results for the \emph{inductive} setting,
showing when $\tilde{\beta}$ will generalize to fresh samples; these apply to
continuous settings such as polynomial regression. Finally, we show how the
techniques yield improved results for the non-linear sparse Fourier transform
setting.
|
Risk-sensitive Inverse Reinforcement Learning via Semi- and
Non-Parametric Methods | The literature on Inverse Reinforcement Learning (IRL) typically assumes that
humans take actions in order to minimize the expected value of a cost function,
i.e., that humans are risk neutral. Yet, in practice, humans are often far from
being risk neutral. To fill this gap, the objective of this paper is to devise
a framework for risk-sensitive IRL in order to explicitly account for a human's
risk sensitivity. To this end, we propose a flexible class of models based on
coherent risk measures, which allow us to capture an entire spectrum of risk
preferences from risk-neutral to worst-case. We propose efficient
non-parametric algorithms based on linear programming and semi-parametric
algorithms based on maximum likelihood for inferring a human's underlying risk
measure and cost function for a rich class of static and dynamic
decision-making settings. The resulting approach is demonstrated on a simulated
driving game with ten human participants. Our method is able to infer and mimic
a wide range of qualitatively different driving styles from highly risk-averse
to risk-neutral in a data-efficient manner. Moreover, comparisons of the
Risk-Sensitive (RS) IRL approach with a risk-neutral model show that the RS-IRL
framework more accurately captures observed participant behavior both
qualitatively and quantitatively, especially in scenarios where catastrophic
outcomes such as collisions can occur.
|
Adversary Detection in Neural Networks via Persistent Homology | We outline a detection method for adversarial inputs to deep neural networks.
By viewing neural network computations as graphs upon which information flows
from input space to out- put distribution, we compare the differences in graphs
induced by different inputs. Specifically, by applying persistent homology to
these induced graphs, we observe that the structure of the most persistent
subgraphs which generate the first homology group differ between adversarial
and unperturbed inputs. Based on this observation, we build a detection
algorithm that depends only on the topological information extracted during
training. We test our algorithm on MNIST and achieve 98% detection adversary
accuracy with F1-score 0.98.
|
Predicting Adolescent Suicide Attempts with Neural Networks | Though suicide is a major public health problem in the US, machine learning
methods are not commonly used to predict an individual's risk of
attempting/committing suicide. In the present work, starting with an anonymized
collection of electronic health records for 522,056 unique, California-resident
adolescents, we develop neural network models to predict suicide attempts. We
frame the problem as a binary classification problem in which we use a
patient's data from 2006-2009 to predict either the presence (1) or absence (0)
of a suicide attempt in 2010. After addressing issues such as severely
imbalanced classes and the variable length of a patient's history, we build
neural networks with depths varying from two to eight hidden layers. For test
set observations where we have at least five ED/hospital visits' worth of data
on a patient, our depth-4 model achieves a sensitivity of 0.703, specificity of
0.980, and AUC of 0.958.
|
Tensor Completion Algorithms in Big Data Analytics | Tensor completion is a problem of filling the missing or unobserved entries
of partially observed tensors. Due to the multidimensional character of tensors
in describing complex datasets, tensor completion algorithms and their
applications have received wide attention and achievement in areas like data
mining, computer vision, signal processing, and neuroscience. In this survey,
we provide a modern overview of recent advances in tensor completion algorithms
from the perspective of big data analytics characterized by diverse variety,
large volume, and high velocity. We characterize these advances from four
perspectives: general tensor completion algorithms, tensor completion with
auxiliary information (variety), scalable tensor completion algorithms
(volume), and dynamic tensor completion algorithms (velocity). Further, we
identify several tensor completion applications on real-world data-driven
problems and present some common experimental frameworks popularized in the
literature. Our goal is to summarize these popular methods and introduce them
to researchers and practitioners for promoting future research and
applications. We conclude with a discussion of key challenges and promising
research directions in this community for future exploration.
|
A Parameter-Free Learning Automaton Scheme | For a learning automaton, a proper configuration of its learning parameters,
which are crucial for the automaton's performance, is relatively difficult due
to the necessity of a manual parameter tuning before real applications. To
ensure a stable and reliable performance in stochastic environments, parameter
tuning can be a time-consuming and interaction-costing procedure in the field
of LA. Especially, it is a fatal limitation for LA-based applications where the
interactions with environments are expensive.
In this paper, we propose a parameter-free learning automaton scheme to avoid
parameter tuning by a Bayesian inference method. In contrast to existing
schemes where the parameters should be carefully tuned according to the
environment, the performance of this scheme is not sensitive to external
environments because a set of parameters can be consistently applied to various
environments, which dramatically reduce the difficulty of applying a learning
automaton to an unknown stochastic environment. A rigorous proof of
$\epsilon$-optimality for the proposed scheme is provided and numeric
experiments are carried out on benchmark environments to verify its
effectiveness. The results show that, without any parameter tuning cost, the
proposed parameter-free learning automaton (PFLA) can achieve a competitive
performance compared with other well-tuned schemes and outperform untuned
schemes on consistency of performance.
|
Homomorphic Parameter Compression for Distributed Deep Learning Training | Distributed training of deep neural networks has received significant
research interest, and its major approaches include implementations on multiple
GPUs and clusters. Parallelization can dramatically improve the efficiency of
training deep and complicated models with large-scale data. A fundamental
barrier against the speedup of DNN training, however, is the trade-off between
computation and communication time. In other words, increasing the number of
worker nodes decreases the time consumed in computation while simultaneously
increasing communication overhead under constrained network bandwidth,
especially in commodity hardware environments. To alleviate this trade-off, we
suggest the idea of homomorphic parameter compression, which compresses
parameters with the least expense and trains the DNN with the compressed
representation. Although the specific method is yet to be discovered, we
demonstrate that there is a high probability that the homomorphism can reduce
the communication overhead, thanks to little compression and decompression
times. We also provide theoretical speedup of homomorphic compression.
|
Learning to cluster in order to transfer across domains and tasks | This paper introduces a novel method to perform transfer learning across
domains and tasks, formulating it as a problem of learning to cluster. The key
insight is that, in addition to features, we can transfer similarity
information and this is sufficient to learn a similarity function and
clustering network to perform both domain adaptation and cross-task transfer
learning. We begin by reducing categorical information to pairwise constraints,
which only considers whether two instances belong to the same class or not.
This similarity is category-agnostic and can be learned from data in the source
domain using a similarity network. We then present two novel approaches for
performing transfer learning using this similarity function. First, for
unsupervised domain adaptation, we design a new loss function to regularize
classification with a constrained clustering loss, hence learning a clustering
network with the transferred similarity metric generating the training inputs.
Second, for cross-task learning (i.e., unsupervised clustering with unseen
categories), we propose a framework to reconstruct and estimate the number of
semantic clusters, again using the clustering network. Since the similarity
network is noisy, the key is to use a robust clustering algorithm, and we show
that our formulation is more robust than the alternative constrained and
unconstrained clustering approaches. Using this method, we first show state of
the art results for the challenging cross-task problem, applied on Omniglot and
ImageNet. Our results show that we can reconstruct semantic clusters with high
accuracy. We then evaluate the performance of cross-domain transfer using
images from the Office-31 and SVHN-MNIST tasks and present top accuracy on both
datasets. Our approach doesn't explicitly deal with domain discrepancy. If we
combine with a domain adaptation loss, it shows further improvement.
|
Variational Inference for Gaussian Process Models with Linear Complexity | Large-scale Gaussian process inference has long faced practical challenges
due to time and space complexity that is superlinear in dataset size. While
sparse variational Gaussian process models are capable of learning from
large-scale data, standard strategies for sparsifying the model can prevent the
approximation of complex functions. In this work, we propose a novel
variational Gaussian process model that decouples the representation of mean
and covariance functions in reproducing kernel Hilbert space. We show that this
new parametrization generalizes previous models. Furthermore, it yields a
variational inference problem that can be solved by stochastic gradient ascent
with time and space complexity that is only linear in the number of mean
function parameters, regardless of the choice of kernels, likelihoods, and
inducing points. This strategy makes the adoption of large-scale expressive
Gaussian process models possible. We run several experiments on regression
tasks and show that this decoupled approach greatly outperforms previous sparse
variational Gaussian process inference procedures.
|
One-Shot Reinforcement Learning for Robot Navigation with Interactive
Replay | Recently, model-free reinforcement learning algorithms have been shown to
solve challenging problems by learning from extensive interaction with the
environment. A significant issue with transferring this success to the robotics
domain is that interaction with the real world is costly, but training on
limited experience is prone to overfitting. We present a method for learning to
navigate, to a fixed goal and in a known environment, on a mobile robot. The
robot leverages an interactive world model built from a single traversal of the
environment, a pre-trained visual feature encoder, and stochastic environmental
augmentation, to demonstrate successful zero-shot transfer under real-world
environmental variations without fine-tuning.
|
The game theoretic p-Laplacian and semi-supervised learning with few
labels | We study the game theoretic p-Laplacian for semi-supervised learning on
graphs, and show that it is well-posed in the limit of finite labeled data and
infinite unlabeled data. In particular, we show that the continuum limit of
graph-based semi-supervised learning with the game theoretic p-Laplacian is a
weighted version of the continuous p-Laplace equation. We also prove that
solutions to the graph p-Laplace equation are approximately Holder continuous
with high probability. Our proof uses the viscosity solution machinery and the
maximum principle on a graph.
|
Deformation estimation of an elastic object by partial observation using
a neural network | Deformation estimation of elastic object assuming an internal organ is
important for the computer navigation of surgery. The aim of this study is to
estimate the deformation of an entire three-dimensional elastic object using
displacement information of very few observation points. A learning approach
with a neural network was introduced to estimate the entire deformation of an
object. We applied our method to two elastic objects; a rectangular
parallelepiped model, and a human liver model reconstructed from computed
tomography data. The average estimation error for the human liver model was
0.041 mm when the object was deformed up to 66.4 mm, from only around 3 %
observations. These results indicate that the deformation of an entire elastic
object can be estimated with an acceptable level of error from limited
observations by applying a trained neural network to a new deformation.
|
Snorkel: Rapid Training Data Creation with Weak Supervision | Labeling training data is increasingly the largest bottleneck in deploying
machine learning systems. We present Snorkel, a first-of-its-kind system that
enables users to train state-of-the-art models without hand labeling any
training data. Instead, users write labeling functions that express arbitrary
heuristics, which can have unknown accuracies and correlations. Snorkel
denoises their outputs without access to ground truth by incorporating the
first end-to-end implementation of our recently proposed machine learning
paradigm, data programming. We present a flexible interface layer for writing
labeling functions based on our experience over the past year collaborating
with companies, agencies, and research labs. In a user study, subject matter
experts build models 2.8x faster and increase predictive performance an average
45.5% versus seven hours of hand labeling. We study the modeling tradeoffs in
this new setting and propose an optimizer for automating tradeoff decisions
that gives up to 1.8x speedup per pipeline execution. In two collaborations,
with the U.S. Department of Veterans Affairs and the U.S. Food and Drug
Administration, and on four open-source text and image data sets representative
of other deployments, Snorkel provides 132% average improvements to predictive
performance over prior heuristic approaches and comes within an average 3.60%
of the predictive performance of large hand-curated training sets.
|
Topological Recurrent Neural Network for Diffusion Prediction | In this paper, we study the problem of using representation learning to
assist information diffusion prediction on graphs. In particular, we aim at
estimating the probability of an inactive node to be activated next in a
cascade. Despite the success of recent deep learning methods for diffusion, we
find that they often underexplore the cascade structure. We consider a cascade
as not merely a sequence of nodes ordered by their activation time stamps;
instead, it has a richer structure indicating the diffusion process over the
data graph. As a result, we introduce a new data model, namely diffusion
topologies, to fully describe the cascade structure. We find it challenging to
model diffusion topologies, which are dynamic directed acyclic graphs (DAGs),
with the existing neural networks. Therefore, we propose a novel topological
recurrent neural network, namely Topo-LSTM, for modeling dynamic DAGs. We
customize Topo-LSTM for the diffusion prediction task, and show it improves the
state-of-the-art baselines, by 20.1%--56.6% (MAP) relatively, across multiple
real-world data sets. Our code and data sets are available online at
https://github.com/vwz/topolstm.
|
QCBA: Postoptimization of Quantitative Attributes in Classifiers based
on Association Rules | The need to prediscretize numeric attributes before they can be used in
association rule learning is a source of inefficiencies in the resulting
classifier. This paper describes several new rule tuning steps aiming to
recover information lost in the discretization of numeric (quantitative)
attributes, and a new rule pruning strategy, which further reduces the size of
the classification models. We demonstrate the effectiveness of the proposed
methods on postoptimization of models generated by three state-of-the-art
association rule classification algorithms: Classification based on
Associations (Liu, 1998), Interpretable Decision Sets (Lakkaraju et al, 2016),
and Scalable Bayesian Rule Lists (Yang, 2017). Benchmarks on 22 datasets from
the UCI repository show that the postoptimized models are consistently smaller
-- typically by about 50% -- and have better classification performance on most
datasets.
|
Semi-supervised learning of hierarchical representations of molecules
using neural message passing | With the rapid increase of compound databases available in medicinal and
material science, there is a growing need for learning representations of
molecules in a semi-supervised manner. In this paper, we propose an
unsupervised hierarchical feature extraction algorithm for molecules (or more
generally, graph-structured objects with fixed number of types of nodes and
edges), which is applicable to both unsupervised and semi-supervised tasks. Our
method extends recently proposed Paragraph Vector algorithm and incorporates
neural message passing to obtain hierarchical representations of subgraphs. We
applied our method to an unsupervised task and demonstrated that it outperforms
existing proposed methods in several benchmark datasets. We also experimentally
showed that semi-supervised tasks enhanced predictive performance compared with
supervised ones with labeled molecules only.
|
Hierarchical Policy Search via Return-Weighted Density Estimation | Learning an optimal policy from a multi-modal reward function is a
challenging problem in reinforcement learning (RL). Hierarchical RL (HRL)
tackles this problem by learning a hierarchical policy, where multiple option
policies are in charge of different strategies corresponding to modes of a
reward function and a gating policy selects the best option for a given
context. Although HRL has been demonstrated to be promising, current
state-of-the-art methods cannot still perform well in complex real-world
problems due to the difficulty of identifying modes of the reward function. In
this paper, we propose a novel method called hierarchical policy search via
return-weighted density estimation (HPSDE), which can efficiently identify the
modes through density estimation with return-weighted importance sampling. Our
proposed method finds option policies corresponding to the modes of the return
function and automatically determines the number and the location of option
policies, which significantly reduces the burden of hyper-parameters tuning.
Through experiments, we demonstrate that the proposed HPSDE successfully learns
option policies corresponding to modes of the return function and that it can
be successfully applied to a challenging motion planning problem of a redundant
robotic manipulator.
|
Block Neural Network Avoids Catastrophic Forgetting When Learning
Multiple Task | In the present work we propose a Deep Feed Forward network architecture which
can be trained according to a sequential learning paradigm, where tasks of
increasing difficulty are learned sequentially, yet avoiding catastrophic
forgetting. The proposed architecture can re-use the features learned on
previous tasks in a new task when the old tasks and the new one are related.
The architecture needs fewer computational resources (neurons and connections)
and less data for learning the new task than a network trained from scratch
|
Learning to Rank based on Analogical Reasoning | Object ranking or "learning to rank" is an important problem in the realm of
preference learning. On the basis of training data in the form of a set of
rankings of objects represented as feature vectors, the goal is to learn a
ranking function that predicts a linear order of any new set of objects. In
this paper, we propose a new approach to object ranking based on principles of
analogical reasoning. More specifically, our inference pattern is formalized in
terms of so-called analogical proportions and can be summarized as follows:
Given objects $A,B,C,D$, if object $A$ is known to be preferred to $B$, and $C$
relates to $D$ as $A$ relates to $B$, then $C$ is (supposedly) preferred to
$D$. Our method applies this pattern as a main building block and combines it
with ideas and techniques from instance-based learning and rank aggregation.
Based on first experimental results for data sets from various domains (sports,
education, tourism, etc.), we conclude that our approach is highly competitive.
It appears to be specifically interesting in situations in which the objects
are coming from different subdomains, and which hence require a kind of
knowledge transfer.
|
Learning from Between-class Examples for Deep Sound Recognition | Deep learning methods have achieved high performance in sound recognition
tasks. Deciding how to feed the training data is important for further
performance improvement. We propose a novel learning method for deep sound
recognition: Between-Class learning (BC learning). Our strategy is to learn a
discriminative feature space by recognizing the between-class sounds as
between-class sounds. We generate between-class sounds by mixing two sounds
belonging to different classes with a random ratio. We then input the mixed
sound to the model and train the model to output the mixing ratio. The
advantages of BC learning are not limited only to the increase in variation of
the training data; BC learning leads to an enlargement of Fisher's criterion in
the feature space and a regularization of the positional relationship among the
feature distributions of the classes. The experimental results show that BC
learning improves the performance on various sound recognition networks,
datasets, and data augmentation schemes, in which BC learning proves to be
always beneficial. Furthermore, we construct a new deep sound recognition
network (EnvNet-v2) and train it with BC learning. As a result, we achieved a
performance surpasses the human level.
|
Between-class Learning for Image Classification | In this paper, we propose a novel learning method for image classification
called Between-Class learning (BC learning). We generate between-class images
by mixing two images belonging to different classes with a random ratio. We
then input the mixed image to the model and train the model to output the
mixing ratio. BC learning has the ability to impose constraints on the shape of
the feature distributions, and thus the generalization ability is improved. BC
learning is originally a method developed for sounds, which can be digitally
mixed. Mixing two image data does not appear to make sense; however, we argue
that because convolutional neural networks have an aspect of treating input
data as waveforms, what works on sounds must also work on images. First, we
propose a simple mixing method using internal divisions, which surprisingly
proves to significantly improve performance. Second, we propose a mixing method
that treats the images as waveforms, which leads to a further improvement in
performance. As a result, we achieved 19.4% and 2.26% top-1 errors on
ImageNet-1K and CIFAR-10, respectively.
|
Providing theoretical learning guarantees to Deep Learning Networks | Deep Learning (DL) is one of the most common subjects when Machine Learning
and Data Science approaches are considered. There are clearly two movements
related to DL: the first aggregates researchers in quest to outperform other
algorithms from literature, trying to win contests by considering often small
decreases in the empirical risk; and the second investigates overfitting
evidences, questioning the learning capabilities of DL classifiers. Motivated
by such opposed points of view, this paper employs the Statistical Learning
Theory (SLT) to study the convergence of Deep Neural Networks, with particular
interest in Convolutional Neural Networks. In order to draw theoretical
conclusions, we propose an approach to estimate the Shattering coefficient of
those classification algorithms, providing a lower bound for the complexity of
their space of admissible functions, a.k.a. algorithm bias. Based on such
estimator, we generalize the complexity of network biases, and, next, we study
AlexNet and VGG16 architectures in the point of view of their Shattering
coefficients, and number of training examples required to provide theoretical
learning guarantees. From our theoretical formulation, we show the conditions
which Deep Neural Networks learn as well as point out another issue: DL
benchmarks may be strictly driven by empirical risks, disregarding the
complexity of algorithms biases.
|
Generative Interest Estimation for Document Recommendations | Learning distributed representations of documents has pushed the
state-of-the-art in several natural language processing tasks and was
successfully applied to the field of recommender systems recently. In this
paper, we propose a novel content-based recommender system based on learned
representations and a generative model of user interest. Our method works as
follows: First, we learn representations on a corpus of text documents. Then,
we capture a user's interest as a generative model in the space of the document
representations. In particular, we model the distribution of interest for each
user as a Gaussian mixture model (GMM). Recommendations can be obtained
directly by sampling from a user's generative model. Using Latent semantic
analysis (LSA) as comparison, we compute and explore document representations
on the Delicious bookmarks dataset, a standard benchmark for recommender
systems. We then perform density estimation in both spaces and show that
learned representations outperform LSA in terms of predictive performance.
|
Complex Structure Leads to Overfitting: A Structure Regularization
Decoding Method for Natural Language Processing | Recent systems on structured prediction focus on increasing the level of
structural dependencies within the model. However, our study suggests that
complex structures entail high overfitting risks. To control the
structure-based overfitting, we propose to conduct structure regularization
decoding (SR decoding). The decoding of the complex structure model is
regularized by the additionally trained simple structure model. We
theoretically analyze the quantitative relations between the structural
complexity and the overfitting risk. The analysis shows that complex structure
models are prone to the structure-based overfitting. Empirical evaluations show
that the proposed method improves the performance of the complex structure
models by reducing the structure-based overfitting. On the sequence labeling
tasks, the proposed method substantially improves the performance of the
complex neural network models. The maximum F1 error rate reduction is 36.4% for
the third-order model. The proposed method also works for the parsing task. The
maximum UAS improvement is 5.5% for the tri-sibling model. The results are
competitive with or better than the state-of-the-art results.
|
Are GANs Created Equal? A Large-Scale Study | Generative adversarial networks (GAN) are a powerful subclass of generative
models. Despite a very rich research activity leading to numerous interesting
GAN algorithms, it is still very hard to assess which algorithm(s) perform
better than others. We conduct a neutral, multi-faceted large-scale empirical
study on state-of-the art models and evaluation measures. We find that most
models can reach similar scores with enough hyperparameter optimization and
random restarts. This suggests that improvements can arise from a higher
computational budget and tuning more than fundamental algorithmic changes. To
overcome some limitations of the current metrics, we also propose several data
sets on which precision and recall can be computed. Our experimental results
suggest that future GAN research should be based on more systematic and
objective evaluation procedures. Finally, we did not find evidence that any of
the tested algorithms consistently outperforms the non-saturating GAN
introduced in \cite{goodfellow2014generative}.
|
Kernel-based Inference of Functions over Graphs | The study of networks has witnessed an explosive growth over the past decades
with several ground-breaking methods introduced. A particularly interesting --
and prevalent in several fields of study -- problem is that of inferring a
function defined over the nodes of a network. This work presents a versatile
kernel-based framework for tackling this inference problem that naturally
subsumes and generalizes the reconstruction approaches put forth recently by
the signal processing on graphs community. Both the static and the dynamic
settings are considered along with effective modeling approaches for addressing
real-world problems. The herein analytical discussion is complemented by a set
of numerical examples, which showcase the effectiveness of the presented
techniques, as well as their merits related to state-of-the-art methods.
|
When are epsilon-nets small? | In many interesting situations the size of epsilon-nets depends only on
$\epsilon$ together with different complexity measures. The aim of this paper
is to give a systematic treatment of such complexity measures arising in
Discrete and Computational Geometry and Statistical Learning, and to bridge the
gap between the results appearing in these two fields. As a byproduct, we
obtain several new upper bounds on the sizes of epsilon-nets that
generalize/improve the best known general guarantees. In particular, our
results work with regimes when small epsilon-nets of size
$o(\frac{1}{\epsilon})$ exist, which are not usually covered by standard upper
bounds. Inspired by results in Statistical Learning we also give a short proof
of the Haussler's upper bound on packing numbers.
|
Parallel WaveNet: Fast High-Fidelity Speech Synthesis | The recently-developed WaveNet architecture is the current state of the art
in realistic speech synthesis, consistently rated as more natural sounding for
many different languages than any previous system. However, because WaveNet
relies on sequential generation of one audio sample at a time, it is poorly
suited to today's massively parallel computers, and therefore hard to deploy in
a real-time production setting. This paper introduces Probability Density
Distillation, a new method for training a parallel feed-forward network from a
trained WaveNet with no significant difference in quality. The resulting system
is capable of generating high-fidelity speech samples at more than 20 times
faster than real-time, and is deployed online by Google Assistant, including
serving multiple English and Japanese voices.
|
Backprop as Functor: A compositional perspective on supervised learning | A supervised learning algorithm searches over a set of functions $A \to B$
parametrised by a space $P$ to find the best approximation to some ideal
function $f\colon A \to B$. It does this by taking examples $(a,f(a)) \in
A\times B$, and updating the parameter according to some rule. We define a
category where these update rules may be composed, and show that gradient
descent---with respect to a fixed step size and an error function satisfying a
certain property---defines a monoidal functor from a category of parametrised
functions to this category of update rules. This provides a structural
perspective on backpropagation, as well as a broad generalisation of neural
networks.
|
Accelerated Gradient Descent Escapes Saddle Points Faster than Gradient
Descent | Nesterov's accelerated gradient descent (AGD), an instance of the general
family of "momentum methods", provably achieves faster convergence rate than
gradient descent (GD) in the convex setting. However, whether these methods are
superior to GD in the nonconvex setting remains open. This paper studies a
simple variant of AGD, and shows that it escapes saddle points and finds a
second-order stationary point in $\tilde{O}(1/\epsilon^{7/4})$ iterations,
faster than the $\tilde{O}(1/\epsilon^{2})$ iterations required by GD. To the
best of our knowledge, this is the first Hessian-free algorithm to find a
second-order stationary point faster than GD, and also the first single-loop
algorithm with a faster rate than GD even in the setting of finding a
first-order stationary point. Our analysis is based on two key ideas: (1) the
use of a simple Hamiltonian function, inspired by a continuous-time
perspective, which AGD monotonically decreases per step even for nonconvex
functions, and (2) a novel framework called improve or localize, which is
useful for tracking the long-term behavior of gradient-based optimization
algorithms. We believe that these techniques may deepen our understanding of
both acceleration algorithms and nonconvex optimization.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.