title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Reconstruction of training samples from loss functions | This paper presents a new mathematical framework to analyze the loss
functions of deep neural networks with ReLU functions. Furthermore, as as
application of this theory, we prove that the loss functions can reconstruct
the inputs of the training samples up to scalar multiplication (as vectors) and
can provide the number of layers and nodes of the deep neural network. Namely,
if we have all input and output of a loss function (or equivalently all
possible learning process), for all input of each training sample $x_i \in
\mathbb{R}^n$, we can obtain vectors $x'_i\in \mathbb{R}^n$ satisfying
$x_i=c_ix'_i$ for some $c_i \neq 0$. To prove theorem, we introduce the notion
of virtual polynomials, which are polynomials written as the output of a node
in a deep neural network. Using virtual polynomials, we find an algebraic
structure for the loss surfaces, called semi-algebraic sets. We analyze these
loss surfaces from the algebro-geometric point of view. Factorization of
polynomials is one of the most standard ideas in algebra. Hence, we express the
factorization of the virtual polynomials in terms of their active paths. This
framework can be applied to the leakage problem in the training of deep neural
networks. The main theorem in this paper indicates that there are many risks
associated with the training of deep neural networks. For example, if we have N
(the dimension of weight space) + 1 nonsmooth points on the loss surface, which
are sufficiently close to each other, we can obtain the input of training
sample up to scalar multiplication. We also point out that the structures of
the loss surfaces depend on the shape of the deep neural network and not on the
training samples.
|
Improved Sentence Modeling using Suffix Bidirectional LSTM | Recurrent neural networks have become ubiquitous in computing representations
of sequential data, especially textual data in natural language processing. In
particular, Bidirectional LSTMs are at the heart of several neural models
achieving state-of-the-art performance in a wide variety of tasks in NLP.
However, BiLSTMs are known to suffer from sequential bias - the contextual
representation of a token is heavily influenced by tokens close to it in a
sentence. We propose a general and effective improvement to the BiLSTM model
which encodes each suffix and prefix of a sequence of tokens in both forward
and reverse directions. We call our model Suffix Bidirectional LSTM or
SuBiLSTM. This introduces an alternate bias that favors long range
dependencies. We apply SuBiLSTMs to several tasks that require sentence
modeling. We demonstrate that using SuBiLSTM instead of a BiLSTM in existing
models leads to improvements in performance in learning general sentence
representations, text classification, textual entailment and paraphrase
detection. Using SuBiLSTM we achieve new state-of-the-art results for
fine-grained sentiment classification and question classification.
|
Accurate Kernel Learning for Linear Gaussian Markov Processes using a
Scalable Likelihood Computation | We report an exact likelihood computation for Linear Gaussian Markov
processes that is more scalable than existing algorithms for complex models and
sparsely sampled signals. Better scaling is achieved through elimination of
repeated computations in the Kalman likelihood, and by using the diagonalized
form of the state transition equation. Using this efficient computation, we
study the accuracy of kernel learning using maximum likelihood and the
posterior mean in a simulation experiment. The posterior mean with a reference
prior is more accurate for complex models and sparse sampling. Because of its
lower computation load, the maximum likelihood estimator is an attractive
option for more densely sampled signals and lower order models. We confirm
estimator behavior in experimental data through their application to speleothem
data.
|
GumBolt: Extending Gumbel trick to Boltzmann priors | Boltzmann machines (BMs) are appealing candidates for powerful priors in
variational autoencoders (VAEs), as they are capable of capturing nontrivial
and multi-modal distributions over discrete variables. However,
non-differentiability of the discrete units prohibits using the
reparameterization trick, essential for low-noise back propagation. The Gumbel
trick resolves this problem in a consistent way by relaxing the variables and
distributions, but it is incompatible with BM priors. Here, we propose the
GumBolt, a model that extends the Gumbel trick to BM priors in VAEs. GumBolt is
significantly simpler than the recently proposed methods with BM prior and
outperforms them by a considerable margin. It achieves state-of-the-art
performance on permutation invariant MNIST and OMNIGLOT datasets in the scope
of models with only discrete latent variables. Moreover, the performance can be
further improved by allowing multi-sampled (importance-weighted) estimation of
log-likelihood in training, which was not possible with previous models.
|
Algorithms for Estimating Trends in Global Temperature Volatility | Trends in terrestrial temperature variability are perhaps more relevant for
species viability than trends in mean temperature. In this paper, we develop
methodology for estimating such trends using multi-resolution climate data from
polar orbiting weather satellites. We derive two novel algorithms for
computation that are tailored for dense, gridded observations over both space
and time. We evaluate our methods with a simulation that mimics these data's
features and on a large, publicly available, global temperature dataset with
the eventual goal of tracking trends in cloud reflectance temperature
variability.
|
Processing of missing data by neural networks | We propose a general, theoretically justified mechanism for processing
missing data by neural networks. Our idea is to replace typical neuron's
response in the first hidden layer by its expected value. This approach can be
applied for various types of networks at minimal cost in their modification.
Moreover, in contrast to recent approaches, it does not require complete data
for training. Experimental results performed on different types of
architectures show that our method gives better results than typical imputation
strategies and other methods dedicated for incomplete data.
|
Learning to Collaborate for User-Controlled Privacy | It is becoming increasingly clear that users should own and control their
data. Utility providers are also becoming more interested in guaranteeing data
privacy. As such, users and utility providers should collaborate in data
privacy, a paradigm that has not yet been developed in the privacy research
community. We introduce this concept and present explicit architectures where
the user controls what characteristics of the data she/he wants to share and
what she/he wants to keep private. This is achieved by collaborative learning a
sensitization function, either a deterministic or a stochastic one, that
retains valuable information for the utility tasks but it also eliminates
necessary information for the privacy ones. As illustration examples, we
implement them using a plug-and-play approach, where no algorithm is changed at
the system provider end, and an adversarial approach, where minor re-training
of the privacy inferring engine is allowed. In both cases the learned
sanitization function keeps the data in the original domain, thereby allowing
the system to use the same algorithms it was using before for both original and
privatized data. We show how we can maintain utility while fully protecting
private information if the user chooses to do so, even when the first is harder
than the second, as in the case here illustrated of identity detection while
hiding gender.
|
Wasserstein Measure Coresets | The proliferation of large data sets and Bayesian inference techniques
motivates demand for better data sparsification. Coresets provide a principled
way of summarizing a large dataset via a smaller one that is guaranteed to
match the performance of the full data set on specific problems. Classical
coresets, however, neglect the underlying data distribution, which is often
continuous. We address this oversight by introducing Wasserstein measure
coresets, an extension of coresets which by definition takes into account
generalization. Our formulation of the problem, which essentially consists in
minimizing the Wasserstein distance, is solvable via stochastic gradient
descent. This yields an algorithm which simply requires sample access to the
data distribution and is able to handle large data streams in an online manner.
We validate our construction for inference and clustering.
|
Sequential Learning of Principal Curves: Summarizing Data Streams on the
Fly | When confronted with massive data streams, summarizing data with dimension
reduction methods such as PCA raises theoretical and algorithmic pitfalls.
Principal curves act as a nonlinear generalization of PCA and the present paper
proposes a novel algorithm to automatically and sequentially learn principal
curves from data streams. We show that our procedure is supported by regret
bounds with optimal sublinear remainder terms. A greedy local search
implementation (called \texttt{slpc}, for Sequential Learning Principal Curves)
that incorporates both sleeping experts and multi-armed bandit ingredients is
presented, along with its regret computation and performance on synthetic and
real-life data.
|
Efficient Online Portfolio with Logarithmic Regret | We study the decades-old problem of online portfolio management and propose
the first algorithm with logarithmic regret that is not based on Cover's
Universal Portfolio algorithm and admits much faster implementation.
Specifically Universal Portfolio enjoys optimal regret $\mathcal{O}(N\ln T)$
for $N$ financial instruments over $T$ rounds, but requires log-concave
sampling and has a large polynomial running time. Our algorithm, on the other
hand, ensures a slightly larger but still logarithmic regret of
$\mathcal{O}(N^2(\ln T)^4)$, and is based on the well-studied Online Mirror
Descent framework with a novel regularizer that can be implemented via standard
optimization methods in time $\mathcal{O}(TN^{2.5})$ per round. The regret of
all other existing works is either polynomial in $T$ or has a potentially
unbounded factor such as the inverse of the smallest price relative.
|
Can machine learning identify interesting mathematics? An exploration
using empirically observed laws | We explore the possibility of using machine learning to identify interesting
mathematical structures by using certain quantities that serve as fingerprints.
In particular, we extract features from integer sequences using two empirical
laws: Benford's law and Taylor's law and experiment with various classifiers to
identify whether a sequence is, for example, nice, important, multiplicative,
easy to compute or related to primes or palindromes.
|
Region-Based Classification of PolSAR Data Using Radial Basis Kernel
Functions With Stochastic Distances | Region-based classification of PolSAR data can be effectively performed by
seeking for the assignment that minimizes a distance between prototypes and
segments. Silva et al (2013) used stochastic distances between complex
multivariate Wishart models which, differently from other measures, are
computationally tractable. In this work we assess the robustness of such
approach with respect to errors in the training stage, and propose an extension
that alleviates such problems. We introduce robustness in the process by
incorporating a combination of radial basis kernel functions and stochastic
distances with Support Vector Machines (SVM). We consider several stochastic
distances between Wishart: Bhatacharyya, Kullback-Leibler, Chi-Square,
R\'{e}nyi, and Hellinger. We perform two case studies with PolSAR images, both
simulated and from actual sensors, and different classification scenarios to
compare the performance of Minimum Distance and SVM classification frameworks.
With this, we model the situation of imperfect training samples. We show that
SVM with the proposed kernel functions achieves better performance with respect
to Minimum Distance, at the expense of more computational resources and the
need of parameter tuning. Code and data are provided for reproducibility.
|
Neural Architecture Search using Deep Neural Networks and Monte Carlo
Tree Search | Neural Architecture Search (NAS) has shown great success in automating the
design of neural networks, but the prohibitive amount of computations behind
current NAS methods requires further investigations in improving the sample
efficiency and the network evaluation cost to get better results in a shorter
time. In this paper, we present a novel scalable Monte Carlo Tree Search (MCTS)
based NAS agent, named AlphaX, to tackle these two aspects. AlphaX improves the
search efficiency by adaptively balancing the exploration and exploitation at
the state level, and by a Meta-Deep Neural Network (DNN) to predict network
accuracies for biasing the search toward a promising region. To amortize the
network evaluation cost, AlphaX accelerates MCTS rollouts with a distributed
design and reduces the number of epochs in evaluating a network by transfer
learning, which is guided with the tree structure in MCTS. In 12 GPU days and
1000 samples, AlphaX found an architecture that reaches 97.84\% top-1 accuracy
on CIFAR-10, and 75.5\% top-1 accuracy on ImageNet, exceeding SOTA NAS methods
in both the accuracy and sampling efficiency. Particularly, we also evaluate
AlphaX on NASBench-101, a large scale NAS dataset; AlphaX is 3x and 2.8x more
sample efficient than Random Search and Regularized Evolution in finding the
global optimum. Finally, we show the searched architecture improves a variety
of vision applications from Neural Style Transfer, to Image Captioning and
Object Detection.
|
Overcoming catastrophic forgetting problem by weight consolidation and
long-term memory | Sequential learning of multiple tasks in artificial neural networks using
gradient descent leads to catastrophic forgetting, whereby previously learned
knowledge is erased during learning of new, disjoint knowledge. Here, we
propose a new approach to sequential learning which leverages the recent
discovery of adversarial examples. We use adversarial subspaces from previous
tasks to enable learning of new tasks with less interference. We apply our
method to sequentially learning to classify digits 0, 1, 2 (task 1), 4, 5, 6,
(task 2), and 7, 8, 9 (task 3) in MNIST (disjoint MNIST task). We compare and
combine our Adversarial Direction (AD) method with the recently proposed
Elastic Weight Consolidation (EWC) method for sequential learning. We train
each task for 20 epochs, which yields good initial performance (99.24% correct
task 1 performance). After training task 2, and then task 3, both plain
gradient descent (PGD) and EWC largely forget task 1 (task 1 accuracy 32.95%
for PGD and 41.02% for EWC), while our combined approach (AD+EWC) still
achieves 94.53% correct on task 1. We obtain similar results with a much more
difficult disjoint CIFAR10 task, which to our knowledge had not been attempted
before (70.10% initial task 1 performance, 67.73% after learning tasks 2 and 3
for AD+EWC, while PGD and EWC both fall to chance level). Our results suggest
that AD+EWC can provide better sequential learning performance than either PGD
or EWC.
|
Multi-view Sentence Representation Learning | Multi-view learning can provide self-supervision when different views are
available of the same data. The distributional hypothesis provides another form
of useful self-supervision from adjacent sentences which are plentiful in large
unlabelled corpora. Motivated by the asymmetry in the two hemispheres of the
human brain as well as the observation that different learning architectures
tend to emphasise different aspects of sentence meaning, we create a unified
multi-view sentence representation learning framework, in which, one view
encodes the input sentence with a Recurrent Neural Network (RNN), and the other
view encodes it with a simple linear model, and the training objective is to
maximise the agreement specified by the adjacent context information between
two views. We show that, after training, the vectors produced from our
multi-view training provide improved representations over the single-view
training, and the combination of different views gives further representational
improvement and demonstrates solid transferability on standard downstream
tasks.
|
DVAE#: Discrete Variational Autoencoders with Relaxed Boltzmann Priors | Boltzmann machines are powerful distributions that have been shown to be an
effective prior over binary latent variables in variational autoencoders
(VAEs). However, previous methods for training discrete VAEs have used the
evidence lower bound and not the tighter importance-weighted bound. We propose
two approaches for relaxing Boltzmann machines to continuous distributions that
permit training with importance-weighted bounds. These relaxations are based on
generalized overlapping transformations and the Gaussian integral trick.
Experiments on the MNIST and OMNIGLOT datasets show that these relaxations
outperform previous discrete VAEs with Boltzmann priors. An implementation
which reproduces these results is available at
https://github.com/QuadrantAI/dvae .
|
Butterfly-Net: Optimal Function Representation Based on Convolutional
Neural Networks | Deep networks, especially convolutional neural networks (CNNs), have been
successfully applied in various areas of machine learning as well as to
challenging problems in other scientific and engineering fields. This paper
introduces Butterfly-Net, a low-complexity CNN with structured and sparse
cross-channel connections, together with a Butterfly initialization strategy
for a family of networks. Theoretical analysis of the approximation power of
Butterfly-Net to the Fourier representation of input data shows that the error
decays exponentially as the depth increases. Combining Butterfly-Net with a
fully connected neural network, a large class of problems are proved to be well
approximated with network complexity depending on the effective frequency
bandwidth instead of the input dimension. Regular CNN is covered as a special
case in our analysis. Numerical experiments validate the analytical results on
the approximation of Fourier kernels and energy functionals of Poisson's
equations. Moreover, all experiments support that training from Butterfly
initialization outperforms training from random initialization. Also, adding
the remaining cross-channel connections, although significantly increase the
parameter number, does not much improve the post-training accuracy and is more
sensitive to data distribution.
|
Fisher Efficient Inference of Intractable Models | Maximum Likelihood Estimators (MLE) has many good properties. For example,
the asymptotic variance of MLE solution attains equality of the asymptotic
Cram{\'e}r-Rao lower bound (efficiency bound), which is the minimum possible
variance for an unbiased estimator. However, obtaining such MLE solution
requires calculating the likelihood function which may not be tractable due to
the normalization term of the density model. In this paper, we derive a
Discriminative Likelihood Estimator (DLE) from the Kullback-Leibler divergence
minimization criterion implemented via density ratio estimation and a Stein
operator. We study the problem of model inference using DLE. We prove its
consistency and show that the asymptotic variance of its solution can attain
the equality of the efficiency bound under mild regularity conditions. We also
propose a dual formulation of DLE which can be easily optimized. Numerical
studies validate our asymptotic theorems and we give an example where DLE
successfully estimates an intractable model constructed using a pre-trained
deep neural network.
|
PG-TS: Improved Thompson Sampling for Logistic Contextual Bandits | We address the problem of regret minimization in logistic contextual bandits,
where a learner decides among sequential actions or arms given their respective
contexts to maximize binary rewards. Using a fast inference procedure with
Polya-Gamma distributed augmentation variables, we propose an improved version
of Thompson Sampling, a Bayesian formulation of contextual bandits with
near-optimal performance. Our approach, Polya-Gamma augmented Thompson Sampling
(PG-TS), achieves state-of-the-art performance on simulated and real data.
PG-TS explores the action space efficiently and exploits high-reward arms,
quickly converging to solutions of low regret. Its explicit estimation of the
posterior distribution of the context feature covariance leads to substantial
empirical gains over approximate approaches. PG-TS is the first approach to
demonstrate the benefits of Polya-Gamma augmentation in bandits and to propose
an efficient Gibbs sampler for approximating the analytically unsolvable
integral of logistic contextual bandits.
|
Fast Kernel Approximations for Latent Force Models and Convolved
Multiple-Output Gaussian processes | A latent force model is a Gaussian process with a covariance function
inspired by a differential operator. Such covariance function is obtained by
performing convolution integrals between Green's functions associated to the
differential operators, and covariance functions associated to latent
functions. In the classical formulation of latent force models, the covariance
functions are obtained analytically by solving a double integral, leading to
expressions that involve numerical solutions of different types of error
functions. In consequence, the covariance matrix calculation is considerably
expensive, because it requires the evaluation of one or more of these error
functions. In this paper, we use random Fourier features to approximate the
solution of these double integrals obtaining simpler analytical expressions for
such covariance functions. We show experimental results using ordinary
differential operators and provide an extension to build general kernel
functions for convolved multiple output Gaussian processes.
|
Unsupervised Learning of Neural Networks to Explain Neural Networks | This paper presents an unsupervised method to learn a neural network, namely
an explainer, to interpret a pre-trained convolutional neural network (CNN),
i.e., explaining knowledge representations hidden in middle conv-layers of the
CNN. Given feature maps of a certain conv-layer of the CNN, the explainer
performs like an auto-encoder, which first disentangles the feature maps into
object-part features and then inverts object-part features back to features of
higher conv-layers of the CNN. More specifically, the explainer contains
interpretable conv-layers, where each filter disentangles the representation of
a specific object part from chaotic input feature maps. As a paraphrase of CNN
features, the disentangled representations of object parts help people
understand the logic inside the CNN. We also learn the explainer to use
object-part features to reconstruct features of higher CNN layers, in order to
minimize loss of information during the feature disentanglement. More
crucially, we learn the explainer via network distillation without using any
annotations of sample labels, object parts, or textures for supervision. We
have applied our method to different types of CNNs for evaluation, and
explainers have significantly boosted the interpretability of CNN features.
|
Progressive Ensemble Networks for Zero-Shot Recognition | Despite the advancement of supervised image recognition algorithms, their
dependence on the availability of labeled data and the rapid expansion of image
categories raise the significant challenge of zero-shot learning. Zero-shot
learning (ZSL) aims to transfer knowledge from labeled classes into unlabeled
classes to reduce human labeling effort. In this paper, we propose a novel
progressive ensemble network model with multiple projected label embeddings to
address zero-shot image recognition. The ensemble network is built by learning
multiple image classification functions with a shared feature extraction
network but different label embedding representations, which enhance the
diversity of the classifiers and facilitate information transfer to unlabeled
classes. A progressive training framework is then deployed to gradually label
the most confident images in each unlabeled class with predicted pseudo-labels
and update the ensemble network with the training data augmented by the
pseudo-labels. The proposed model performs training on both labeled and
unlabeled data. It can naturally bridge the domain shift problem in visual
appearances and be extended to the generalized zero-shot learning scenario. We
conduct experiments on multiple ZSL datasets and the empirical results
demonstrate the efficacy of the proposed model.
|
Projection-Free Bandit Convex Optimization | In this paper, we propose the first computationally efficient projection-free
algorithm for bandit convex optimization (BCO). We show that our algorithm
achieves a sublinear regret of $O(nT^{4/5})$ (where $T$ is the horizon and $n$
is the dimension) for any bounded convex functions with uniformly bounded
gradients. We also evaluate the performance of our algorithm against baselines
on both synthetic and real data sets for quadratic programming, portfolio
selection and matrix completion problems.
|
Learning to Repair Software Vulnerabilities with Generative Adversarial
Networks | Motivated by the problem of automated repair of software vulnerabilities, we
propose an adversarial learning approach that maps from one discrete source
domain to another target domain without requiring paired labeled examples or
source and target domains to be bijections. We demonstrate that the proposed
adversarial learning approach is an effective technique for repairing software
vulnerabilities, performing close to seq2seq approaches that require labeled
pairs. The proposed Generative Adversarial Network approach is
application-agnostic in that it can be applied to other problems similar to
code repair, such as grammar correction or sentiment translation.
|
Two geometric input transformation methods for fast online reinforcement
learning with neural nets | We apply neural nets with ReLU gates in online reinforcement learning. Our
goal is to train these networks in an incremental manner, without the
computationally expensive experience replay. By studying how individual neural
nodes behave in online training, we recognize that the global nature of ReLU
gates can cause undesirable learning interference in each node's learning
behavior. We propose reducing such interferences with two efficient input
transformation methods that are geometric in nature and match well the
geometric property of ReLU gates. The first one is tile coding, a classic
binary encoding scheme originally designed for local generalization based on
the topological structure of the input space. The second one (EmECS) is a new
method we introduce; it is based on geometric properties of convex sets and
topological embedding of the input space into the boundary of a convex set. We
discuss the behavior of the network when it operates on the transformed inputs.
We also compare it experimentally with some neural nets that do not use the
same input transformations, and with the classic algorithm of tile coding plus
a linear function approximator, and on several online reinforcement learning
tasks, we show that the neural net with tile coding or EmECS can achieve not
only faster learning but also more accurate approximations. Our results
strongly suggest that geometric input transformation of this type can be
effective for interference reduction and takes us a step closer to fully
incremental reinforcement learning with neural nets.
|
Semisupervised Learning on Heterogeneous Graphs and its Applications to
Facebook News Feed | Graph-based semi-supervised learning is a fundamental machine learning
problem, and has been well studied. Most studies focus on homogeneous networks
(e.g. citation network, friend network). In the present paper, we propose the
Heterogeneous Embedding Label Propagation (HELP) algorithm, a graph-based
semi-supervised deep learning algorithm, for graphs that are characterized by
heterogeneous node types. Empirically, we demonstrate the effectiveness of this
method in domain classification tasks with Facebook user-domain interaction
graph, and compare the performance of the proposed HELP algorithm with the
state of the art algorithms. We show that the HELP algorithm improves the
predictive performance across multiple tasks, together with semantically
meaningful embedding that are discriminative for downstream classification or
regression tasks.
|
Optimal DR-Submodular Maximization and Applications to Provable Mean
Field Inference | Mean field inference in probabilistic models is generally a highly nonconvex
problem. Existing optimization methods, e.g., coordinate ascent algorithms, can
only generate local optima.
In this work we propose provable mean filed methods for probabilistic
log-submodular models and its posterior agreement (PA) with strong
approximation guarantees. The main algorithmic technique is a new Double Greedy
scheme, termed DR-DoubleGreedy, for continuous DR-submodular maximization with
box-constraints. It is a one-pass algorithm with linear time complexity,
reaching the optimal 1/2 approximation ratio, which may be of independent
interest. We validate the superior performance of our algorithms against
baseline algorithms on both synthetic and real-world datasets.
|
Tell Me Something New: A New Framework for Asynchronous Parallel
Learning | We present a novel approach for parallel computation in the context of
machine learning that we call "Tell Me Something New" (TMSN). This approach
involves a set of independent workers that use broadcast to update each other
when they observe "something new". TMSN does not require synchronization or a
head node and is highly resilient against failing machines or laggards. We
demonstrate the utility of TMSN by applying it to learning boosted trees. We
show that our implementation is 10 times faster than XGBoost and LightGBM on
the splice-site prediction problem.
|
Contour location via entropy reduction leveraging multiple information
sources | We introduce an algorithm to locate contours of functions that are expensive
to evaluate. The problem of locating contours arises in many applications,
including classification, constrained optimization, and performance analysis of
mechanical and dynamical systems (reliability, probability of failure,
stability, etc.). Our algorithm locates contours using information from
multiple sources, which are available in the form of relatively inexpensive,
biased, and possibly noisy approximations to the original function. Considering
multiple information sources can lead to significant cost savings. We also
introduce the concept of contour entropy, a formal measure of uncertainty about
the location of the zero contour of a function approximated by a statistical
surrogate model. Our algorithm locates contours efficiently by maximizing the
reduction of contour entropy per unit cost.
|
GADAM: Genetic-Evolutionary ADAM for Deep Neural Network Optimization | Deep neural network learning can be formulated as a non-convex optimization
problem. Existing optimization algorithms, e.g., Adam, can learn the models
fast, but may get stuck in local optima easily. In this paper, we introduce a
novel optimization algorithm, namely GADAM (Genetic-Evolutionary Adam). GADAM
learns deep neural network models based on a number of unit models generations
by generations: it trains the unit models with Adam, and evolves them to the
new generations with genetic algorithm. We will show that GADAM can effectively
jump out of the local optima in the learning process to obtain better
solutions, and prove that GADAM can also achieve a very fast convergence.
Extensive experiments have been done on various benchmark datasets, and the
learning results will demonstrate the effectiveness and efficiency of the GADAM
algorithm.
|
On Deep Ensemble Learning from a Function Approximation Perspective | In this paper, we propose to provide a general ensemble learning framework
based on deep learning models. Given a group of unit models, the proposed deep
ensemble learning framework will effectively combine their learning results via
a multilayered ensemble model. In the case when the unit model mathematical
mappings are bounded, sigmoidal and discriminatory, we demonstrate that the
deep ensemble learning framework can achieve a universal approximation of any
functions from the input space to the output space. Meanwhile, to achieve such
a performance, the deep ensemble learning framework also impose a strict
constraint on the number of involved unit models. According to the theoretic
proof provided in this paper, given the input feature space of dimension d, the
required unit model number will be 2d, if the ensemble model involves one
single layer. Furthermore, as the ensemble component goes deeper, the number of
required unit model is proved to be lowered down exponentially.
|
Deep Loopy Neural Network Model for Graph Structured Data Representation
Learning | Existing deep learning models may encounter great challenges in handling
graph structured data. In this paper, we introduce a new deep learning model
for graph data specifically, namely the deep loopy neural network.
Significantly different from the previous deep models, inside the deep loopy
neural network, there exist a large number of loops created by the extensive
connections among nodes in the input graph data, which makes model learning an
infeasible task. To resolve such a problem, in this paper, we will introduce a
new learning algorithm for the deep loopy neural network specifically. Instead
of learning the model variables based on the original model, in the proposed
learning algorithm, errors will be back-propagated through the edges in a group
of extracted spanning trees. Extensive numerical experiments have been done on
several real-world graph datasets, and the experimental results demonstrate the
effectiveness of both the proposed model and the learning algorithm in handling
graph data.
|
Reconciled Polynomial Machine: A Unified Representation of Shallow and
Deep Learning Models | In this paper, we aim at introducing a new machine learning model, namely
reconciled polynomial machine, which can provide a unified representation of
existing shallow and deep machine learning models. Reconciled polynomial
machine predicts the output by computing the inner product of the feature
kernel function and variable reconciling function. Analysis of several concrete
models, including Linear Models, FM, MVM, Perceptron, MLP and Deep Neural
Networks, will be provided in this paper, which can all be reduced to the
reconciled polynomial machine representations. Detailed analysis of the
learning error by these models will also be illustrated in this paper based on
their reduced representations from the function approximation perspective.
|
GEN Model: An Alternative Approach to Deep Neural Network Models | In this paper, we introduce an alternative approach, namely GEN (Genetic
Evolution Network) Model, to the deep learning models. Instead of building one
single deep model, GEN adopts a genetic-evolutionary learning strategy to build
a group of unit models generations by generations. Significantly different from
the wellknown representation learning models with extremely deep structures,
the unit models covered in GEN are of a much shallower architecture. In the
training process, from each generation, a subset of unit models will be
selected based on their performance to evolve and generate the child models in
the next generation. GEN has significant advantages compared with existing deep
representation learning models in terms of both learning effectiveness,
efficiency and interpretability of the learning process and learned results.
Extensive experiments have been done on diverse benchmark datasets, and the
experimental results have demonstrated the outstanding performance of GEN
compared with the state-of-the-art baseline methods in both effectiveness of
efficiency.
|
Diverse Few-Shot Text Classification with Multiple Metrics | We study few-shot learning in natural language domains. Compared to many
existing works that apply either metric-based or optimization-based
meta-learning to image domain with low inter-task variance, we consider a more
realistic setting, where tasks are diverse. However, it imposes tremendous
difficulties to existing state-of-the-art metric-based algorithms since a
single metric is insufficient to capture complex task variations in natural
language domain. To alleviate the problem, we propose an adaptive metric
learning approach that automatically determines the best weighted combination
from a set of metrics obtained from meta-training tasks for a newly seen
few-shot task. Extensive quantitative evaluations on real-world sentiment
analysis and dialog intent classification datasets demonstrate that the
proposed method performs favorably against state-of-the-art few shot learning
algorithms in terms of predictive accuracy. We make our code and data available
for further study.
|
Estimation of Non-Normalized Mixture Models and Clustering Using Deep
Representation | We develop a general method for estimating a finite mixture of non-normalized
models. Here, a non-normalized model is defined to be a parametric distribution
with an intractable normalization constant. Existing methods for estimating
non-normalized models without computing the normalization constant are not
applicable to mixture models because they contain more than one intractable
normalization constant. The proposed method is derived by extending noise
contrastive estimation (NCE), which estimates non-normalized models by
discriminating between the observed data and some artificially generated noise.
We also propose an extension of NCE with multiple noise distributions. Then,
based on the observation that conventional classification learning with neural
networks is implicitly assuming an exponential family as a generative model, we
introduce a method for clustering unlabeled data by estimating a finite mixture
of distributions in an exponential family. Estimation of this mixture model is
attained by the proposed extensions of NCE where the training data of neural
networks are used as noise. Thus, the proposed method provides a
probabilistically principled clustering method that is able to utilize a deep
representation. Application to image clustering using a deep neural network
gives promising results.
|
The global optimum of shallow neural network is attained by ridgelet
transform | We prove that the global minimum of the backpropagation (BP) training problem
of neural networks with an arbitrary nonlinear activation is given by the
ridgelet transform. A series of computational experiments show that there
exists an interesting similarity between the scatter plot of hidden parameters
in a shallow neural network after the BP training and the spectrum of the
ridgelet transform. By introducing a continuous model of neural networks, we
reduce the training problem to a convex optimization in an infinite dimensional
Hilbert space, and obtain the explicit expression of the global optimizer via
the ridgelet transform.
|
Learning to Multitask | Multitask learning has shown promising performance in many applications and
many multitask models have been proposed. In order to identify an effective
multitask model for a given multitask problem, we propose a learning framework
called learning to multitask (L2MT). To achieve the goal, L2MT exploits
historical multitask experience which is organized as a training set consists
of several tuples, each of which contains a multitask problem with multiple
tasks, a multitask model, and the relative test error. Based on such training
set, L2MT first uses a proposed layerwise graph neural network to learn task
embeddings for all the tasks in a multitask problem and then learns an
estimation function to estimate the relative test error based on task
embeddings and the representation of the multitask model based on a unified
formulation. Given a new multitask problem, the estimation function is used to
identify a suitable multitask model. Experiments on benchmark datasets show the
effectiveness of the proposed L2MT framework.
|
Conditional Network Embeddings | Network Embeddings (NEs) map the nodes of a given network into
$d$-dimensional Euclidean space $\mathbb{R}^d$. Ideally, this mapping is such
that `similar' nodes are mapped onto nearby points, such that the NE can be
used for purposes such as link prediction (if `similar' means being `more
likely to be connected') or classification (if `similar' means `being more
likely to have the same label'). In recent years various methods for NE have
been introduced, all following a similar strategy: defining a notion of
similarity between nodes (typically some distance measure within the network),
a distance measure in the embedding space, and a loss function that penalizes
large distances for similar nodes and small distances for dissimilar nodes.
A difficulty faced by existing methods is that certain networks are
fundamentally hard to embed due to their structural properties: (approximate)
multipartiteness, certain degree distributions, assortativity, etc. To overcome
this, we introduce a conceptual innovation to the NE literature and propose to
create \emph{Conditional Network Embeddings} (CNEs); embeddings that maximally
add information with respect to given structural properties (e.g. node degrees,
block densities, etc.). We use a simple Bayesian approach to achieve this, and
propose a block stochastic gradient descent algorithm for fitting it
efficiently. We demonstrate that CNEs are superior for link prediction and
multi-label classification when compared to state-of-the-art methods, and this
without adding significant mathematical or computational complexity. Finally,
we illustrate the potential of CNE for network visualization.
|
Nostalgic Adam: Weighting more of the past gradients when designing the
adaptive learning rate | First-order optimization algorithms have been proven prominent in deep
learning. In particular, algorithms such as RMSProp and Adam are extremely
popular. However, recent works have pointed out the lack of ``long-term memory"
in Adam-like algorithms, which could hamper their performance and lead to
divergence. In our study, we observe that there are benefits of weighting more
of the past gradients when designing the adaptive learning rate. We therefore
propose an algorithm called the Nostalgic Adam (NosAdam) with theoretically
guaranteed convergence at the best known convergence rate. NosAdam can be
regarded as a fix to the non-convergence issue of Adam in alternative to the
recent work of [Reddi et al., 2018]. Our preliminary numerical experiments show
that NosAdam is a promising alternative algorithm to Adam. The proofs, code and
other supplementary materials can be found in an anonymously shared link.
|
Transduction with Matrix Completion Using Smoothed Rank Function | In this paper, we propose two new algorithms for transduction with Matrix
Completion (MC) problem. The joint MC and prediction tasks are addressed
simultaneously to enhance the accuracy, i.e., the label matrix is concatenated
to the data matrix forming a stacked matrix. Assuming the data matrix is of low
rank, we propose new recommendation methods by posing the problem as a
constrained minimization of the Smoothed Rank Function (SRF). We provide
convergence analysis for the proposed algorithms. The simulations are conducted
on real datasets in two different scenarios of randomly missing pattern with
and without block loss. The results confirm that the accuracy of our proposed
methods outperforms those of state-of-the-art methods even up to 10% in low
observation rates for the scenario without block loss. Our accuracy in the
latter scenario, is comparable to state-of-the-art methods while the complexity
of the proposed algorithms are reduced up to 4 times.
|
Reinforcement Learning of Theorem Proving | We introduce a theorem proving algorithm that uses practically no domain
heuristics for guiding its connection-style proof search. Instead, it runs many
Monte-Carlo simulations guided by reinforcement learning from previous proof
attempts. We produce several versions of the prover, parameterized by different
learning and guiding algorithms. The strongest version of the system is trained
on a large corpus of mathematical problems and evaluated on previously unseen
problems. The trained system solves within the same number of inferences over
40% more problems than a baseline prover, which is an unusually high
improvement in this hard AI domain. To our knowledge this is the first time
reinforcement learning has been convincingly applied to solving general
mathematical problems on a large scale.
|
Reliable counting of weakly labeled concepts by a single spiking neuron
model | Making an informed, correct and quick decision can be life-saving. It's
crucial for animals during an escape behaviour or for autonomous cars during
driving. The decision can be complex and may involve an assessment of the
amount of threats present and the nature of each threat. Thus, we should expect
early sensory processing to supply classification information fast and
accurately, even before relying the information to higher brain areas or more
complex system components downstream. Today, advanced convolutional artificial
neural networks can successfully solve visual detection and classification
tasks and are commonly used to build complex decision making systems. However,
in order to perform well on these tasks they require increasingly complex,
"very deep" model structure, which is costly in inference run-time, energy
consumption and number of training samples, only trainable on cloud-computing
clusters. A single spiking neuron has been shown to be able to solve
recognition tasks for homogeneous Poisson input statistics, a commonly used
model for spiking activity in the neocortex. When modeled as leaky integrate
and fire with gradient decent learning algorithm it was shown to posses a
variety of complex computational capabilities. Here we improve its
implementation. We also account for more natural stimulus generated inputs that
deviate from this homogeneous Poisson spiking. The improved gradient-based
local learning rule allows for significantly better and stable generalization.
We also show that with its improved capabilities it can count weakly labeled
concepts by applying our model to a problem of multiple instance learning (MIL)
with counting where labels are only available for collections of concepts. In
this counting MNIST task the neuron exploits the improved implementation and
outperforms conventional ConvNet architecture under similar condtions.
|
Chief complaint classification with recurrent neural networks | Syndromic surveillance detects and monitors individual and population health
indicators through sources such as emergency department records. Automated
classification of these records can improve outbreak detection speed and
diagnosis accuracy. Current syndromic systems rely on hand-coded keyword-based
methods to parse written fields and may benefit from the use of modern
supervised-learning classifier models. In this paper we implement two recurrent
neural network models based on long short-term memory (LSTM) and gated
recurrent unit (GRU) cells and compare them to two traditional bag-of-words
classifiers: multinomial naive Bayes (MNB) and a support vector machine (SVM).
The MNB classifier is one of only two machine learning algorithms currently
being used for syndromic surveillance. All four models are trained to predict
diagnostic code groups as defined by Clinical Classification Software, first to
predict from discharge diagnosis, then from chief complaint fields. The
classifiers are trained on 3.6 million de-identified emergency department
records from a single United States jurisdiction. We compare performance of
these models primarily using the F1 score. Using discharge diagnoses, the LSTM
classifier performs best, though all models exhibit an F1 score above 96.00.
The GRU performs best on chief complaints (F1=47.38), and MNB with bigrams
performs worst (F1=39.40). Certain syndrome types are easier to detect than
others. For examples, chief complaints using the GRU model predicts
alcohol-related disorders well (F1=78.91) but predicts influenza poorly
(F1=14.80). In all instances, the RNN models outperformed the bag-of-word
classifiers, suggesting deep learning models could substantially improve the
automatic classification of unstructured text for syndromic surveillance.
|
Sequential adaptive elastic net approach for single-snapshot source
localization | This paper proposes efficient algorithms for accurate recovery of
direction-of-arrival (DoA) of sources from single-snapshot measurements using
compressed beamforming (CBF). In CBF, the conventional sensor array signal
model is cast as an underdetermined complex-valued linear regression model and
sparse signal recovery methods are used for solving the DoA finding problem. We
develop a complex-valued pathwise weighted elastic net (c-PW-WEN) algorithm
that finds solutions at knots of penalty parameter values over a path (or grid)
of EN tuning parameter values. c-PW-WEN also computes Lasso or weighted Lasso
in its path. We then propose a sequential adaptive EN (SAEN) method that is
based on c-PW-WEN algorithm with adaptive weights that depend on the previous
solution. Extensive simulation studies illustrate that SAEN improves the
probability of exact recovery of true support compared to conventional sparse
signal recovery approaches such as Lasso, elastic net or orthogonal matching
pursuit in several challenging multiple target scenarios. The effectiveness of
SAEN is more pronounced in the presence of high mutual coherence.
|
Robust Optimization over Multiple Domains | In this work, we study the problem of learning a single model for multiple
domains. Unlike the conventional machine learning scenario where each domain
can have the corresponding model, multiple domains (i.e., applications/users)
may share the same machine learning model due to maintenance loads in cloud
computing services. For example, a digit-recognition model should be applicable
to hand-written digits, house numbers, car plates, etc. Therefore, an ideal
model for cloud computing has to perform well at each applicable domain. To
address this new challenge from cloud computing, we develop a framework of
robust optimization over multiple domains. In lieu of minimizing the empirical
risk, we aim to learn a model optimized to the adversarial distribution over
multiple domains. Hence, we propose to learn the model and the adversarial
distribution simultaneously with the stochastic algorithm for efficiency.
Theoretically, we analyze the convergence rate for convex and non-convex
models. To our best knowledge, we first study the convergence rate of learning
a robust non-convex model with a practical algorithm. Furthermore, we
demonstrate that the robustness of the framework and the convergence rate can
be further enhanced by appropriate regularizers over the adversarial
distribution. The empirical study on real-world fine-grained visual
categorization and digits recognition tasks verifies the effectiveness and
efficiency of the proposed framework.
|
Adaptively Pruning Features for Boosted Decision Trees | Boosted decision trees enjoy popularity in a variety of applications;
however, for large-scale datasets, the cost of training a decision tree in each
round can be prohibitively expensive. Inspired by ideas from the multi-arm
bandit literature, we develop a highly efficient algorithm for computing exact
greedy-optimal decision trees, outperforming the state-of-the-art Quick Boost
method. We further develop a framework for deriving lower bounds on the problem
that applies to a wide family of conceivable algorithms for the task (including
our algorithm and Quick Boost), and we demonstrate empirically on a wide
variety of data sets that our algorithm is near-optimal within this family of
algorithms. We also derive a lower bound applicable to any algorithm solving
the task, and we demonstrate that our algorithm empirically achieves
performance close to this best-achievable lower bound.
|
Generalizing Point Embeddings using the Wasserstein Space of Elliptical
Distributions | Embedding complex objects as vectors in low dimensional spaces is a
longstanding problem in machine learning. We propose in this work an extension
of that approach, which consists in embedding objects as elliptical probability
distributions, namely distributions whose densities have elliptical level sets.
We endow these measures with the 2-Wasserstein metric, with two important
benefits: (i) For such measures, the squared 2-Wasserstein metric has a closed
form, equal to a weighted sum of the squared Euclidean distance between means
and the squared Bures metric between covariance matrices. The latter is a
Riemannian metric between positive semi-definite matrices, which turns out to
be Euclidean on a suitable factor representation of such matrices, which is
valid on the entire geodesic between these matrices. (ii) The 2-Wasserstein
distance boils down to the usual Euclidean metric when comparing Diracs, and
therefore provides a natural framework to extend point embeddings. We show that
for these reasons Wasserstein elliptical embeddings are more intuitive and
yield tools that are better behaved numerically than the alternative choice of
Gaussian embeddings with the Kullback-Leibler divergence. In particular, and
unlike previous work based on the KL geometry, we learn elliptical
distributions that are not necessarily diagonal. We demonstrate the advantages
of elliptical embeddings by using them for visualization, to compute embeddings
of words, and to reflect entailment or hypernymy.
|
Deep Generative Markov State Models | We propose a deep generative Markov State Model (DeepGenMSM) learning
framework for inference of metastable dynamical systems and prediction of
trajectories. After unsupervised training on time series data, the model
contains (i) a probabilistic encoder that maps from high-dimensional
configuration space to a small-sized vector indicating the membership to
metastable (long-lived) states, (ii) a Markov chain that governs the
transitions between metastable states and facilitates analysis of the long-time
dynamics, and (iii) a generative part that samples the conditional distribution
of configurations in the next time step. The model can be operated in a
recursive fashion to generate trajectories to predict the system evolution from
a defined starting state and propose new configurations. The DeepGenMSM is
demonstrated to provide accurate estimates of the long-time kinetics and
generate valid distributions for molecular dynamics (MD) benchmark systems.
Remarkably, we show that DeepGenMSMs are able to make long time-steps in
molecular configuration space and generate physically realistic structures in
regions that were not seen in training data.
|
Episodic Memory Deep Q-Networks | Reinforcement learning (RL) algorithms have made huge progress in recent
years by leveraging the power of deep neural networks (DNN). Despite the
success, deep RL algorithms are known to be sample inefficient, often requiring
many rounds of interaction with the environments to obtain satisfactory
performance. Recently, episodic memory based RL has attracted attention due to
its ability to latch on good actions quickly. In this paper, we present a
simple yet effective biologically inspired RL algorithm called Episodic Memory
Deep Q-Networks (EMDQN), which leverages episodic memory to supervise an agent
during training. Experiments show that our proposed method can lead to better
sample efficiency and is more likely to find good policies. It only requires
1/5 of the interactions of DQN to achieve many state-of-the-art performances on
Atari games, significantly outperforming regular DQN and other episodic memory
based RL algorithms.
|
Do Neural Network Cross-Modal Mappings Really Bridge Modalities? | Feed-forward networks are widely used in cross-modal applications to bridge
modalities by mapping distributed vectors of one modality to the other, or to a
shared space. The predicted vectors are then used to perform e.g., retrieval or
labeling. Thus, the success of the whole system relies on the ability of the
mapping to make the neighborhood structure (i.e., the pairwise similarities) of
the predicted vectors akin to that of the target vectors. However, whether this
is achieved has not been investigated yet. Here, we propose a new similarity
measure and two ad hoc experiments to shed light on this issue. In three
cross-modal benchmarks we learn a large number of language-to-vision and
vision-to-language neural network mappings (up to five layers) using a rich
diversity of image and text features and loss functions. Our results reveal
that, surprisingly, the neighborhood structure of the predicted vectors
consistently resembles more that of the input vectors than that of the target
vectors. In a second experiment, we further show that untrained nets do not
significantly disrupt the neighborhood (i.e., semantic) structure of the input
vectors.
|
Nonparametric Bayesian Deep Networks with Local Competition | The aim of this work is to enable inference of deep networks that retain high
accuracy for the least possible model complexity, with the latter deduced from
the data during inference. To this end, we revisit deep networks that comprise
competing linear units, as opposed to nonlinear units that do not entail any
form of (local) competition. In this context, our main technical innovation
consists in an inferential setup that leverages solid arguments from Bayesian
nonparametrics. We infer both the needed set of connections or locally
competing sets of units, as well as the required floating-point precision for
storing the network parameters. Specifically, we introduce auxiliary discrete
latent variables representing which initial network components are actually
needed for modeling the data at hand, and perform Bayesian inference over them
by imposing appropriate stick-breaking priors. As we experimentally show using
benchmark datasets, our approach yields networks with less computational
footprint than the state-of-the-art, and with no compromises in predictive
accuracy.
|
Learning to Detect | In this paper we consider Multiple-Input-Multiple-Output (MIMO) detection
using deep neural networks. We introduce two different deep architectures: a
standard fully connected multi-layer network, and a Detection Network (DetNet)
which is specifically designed for the task. The structure of DetNet is
obtained by unfolding the iterations of a projected gradient descent algorithm
into a network. We compare the accuracy and runtime complexity of the purposed
approaches and achieve state-of-the-art performance while maintaining low
computational requirements. Furthermore, we manage to train a single network to
detect over an entire distribution of channels. Finally, we consider detection
with soft outputs and show that the networks can easily be modified to produce
soft decisions.
|
Heterogeneous Multi-output Gaussian Process Prediction | We present a novel extension of multi-output Gaussian processes for handling
heterogeneous outputs. We assume that each output has its own likelihood
function and use a vector-valued Gaussian process prior to jointly model the
parameters in all likelihoods as latent functions. Our multi-output Gaussian
process uses a covariance function with a linear model of coregionalisation
form. Assuming conditional independence across the underlying latent functions
together with an inducing variable framework, we are able to obtain tractable
variational bounds amenable to stochastic variational inference. We illustrate
the performance of the model on synthetic data and two real datasets: a human
behavioral study and a demographic high-dimensional dataset.
|
Learning Sampling Policies for Domain Adaptation | We address the problem of semi-supervised domain adaptation of classification
algorithms through deep Q-learning. The core idea is to consider the
predictions of a source domain network on target domain data as noisy labels,
and learn a policy to sample from this data so as to maximize classification
accuracy on a small annotated reward partition of the target domain. Our
experiments show that learned sampling policies construct labeled sets that
improve accuracies of visual classifiers over baselines.
|
Regularized Loss Minimizers with Local Data Perturbation: Consistency
and Data Irrecoverability | We introduce a new concept, data irrecoverability, and show that the
well-studied concept of data privacy is sufficient but not necessary for data
irrecoverability. We show that there are several regularized loss minimization
problems that can use perturbed data with theoretical guarantees of
generalization, i.e., loss consistency. Our results quantitatively connect the
convergence rates of the learning problems to the impossibility for any
adversary for recovering the original data from perturbed observations. In
addition, we show several examples where the convergence rates with perturbed
data only increase the convergence rates with original data within a constant
factor related to the amount of perturbation, i.e., noise.
|
On Attention Models for Human Activity Recognition | Most approaches that model time-series data in human activity recognition
based on body-worn sensing (HAR) use a fixed size temporal context to represent
different activities. This might, however, not be apt for sets of activities
with individ- ually varying durations. We introduce attention models into HAR
research as a data driven approach for exploring relevant temporal context.
Attention models learn a set of weights over input data, which we leverage to
weight the temporal context being considered to model each sensor reading. We
construct attention models for HAR by adding attention layers to a state-
of-the-art deep learning HAR model (DeepConvLSTM) and evaluate our approach on
benchmark datasets achieving sig- nificant increase in performance. Finally, we
visualize the learned weights to better understand what constitutes relevant
temporal context.
|
Sampling-Free Variational Inference of Bayesian Neural Networks by
Variance Backpropagation | We propose a new Bayesian Neural Net formulation that affords variational
inference for which the evidence lower bound is analytically tractable subject
to a tight approximation. We achieve this tractability by (i) decomposing ReLU
nonlinearities into the product of an identity and a Heaviside step function,
(ii) introducing a separate path that decomposes the neural net expectation
from its variance. We demonstrate formally that introducing separate latent
binary variables to the activations allows representing the neural network
likelihood as a chain of linear operations. Performing variational inference on
this construction enables a sampling-free computation of the evidence lower
bound which is a more effective approximation than the widely applied Monte
Carlo sampling and CLT related techniques. We evaluate the model on a range of
regression and classification tasks against BNN inference alternatives, showing
competitive or improved performance over the current state-of-the-art.
|
BourGAN: Generative Networks with Metric Embeddings | This paper addresses the mode collapse for generative adversarial networks
(GANs). We view modes as a geometric structure of data distribution in a metric
space. Under this geometric lens, we embed subsamples of the dataset from an
arbitrary metric space into the l2 space, while preserving their pairwise
distance distribution. Not only does this metric embedding determine the
dimensionality of the latent space automatically, it also enables us to
construct a mixture of Gaussians to draw latent space random vectors. We use
the Gaussian mixture model in tandem with a simple augmentation of the
objective function to train GANs. Every major step of our method is supported
by theoretical analysis, and our experiments on real and synthetic data confirm
that the generator is able to produce samples spreading over most of the modes
while avoiding unwanted samples, outperforming several recent GAN variants on a
number of metrics and offering new features.
|
Learning Graph-Level Representations with Recurrent Neural Networks | Recently a variety of methods have been developed to encode graphs into
low-dimensional vectors that can be easily exploited by machine learning
algorithms. The majority of these methods start by embedding the graph nodes
into a low-dimensional vector space, followed by using some scheme to aggregate
the node embeddings. In this work, we develop a new approach to learn
graph-level representations, which includes a combination of unsupervised and
supervised learning components. We start by learning a set of node
representations in an unsupervised fashion. Graph nodes are mapped into node
sequences sampled from random walk approaches approximated by the
Gumbel-Softmax distribution. Recurrent neural network (RNN) units are modified
to accommodate both the node representations as well as their neighborhood
information. Experiments on standard graph classification benchmarks
demonstrate that our proposed approach achieves superior or comparable
performance relative to the state-of-the-art algorithms in terms of convergence
speed and classification accuracy. We further illustrate the effectiveness of
the different components used by our approach.
|
Fighting Offensive Language on Social Media with Unsupervised Text Style
Transfer | We introduce a new approach to tackle the problem of offensive language in
online social media. Our approach uses unsupervised text style transfer to
translate offensive sentences into non-offensive ones. We propose a new method
for training encoder-decoders using non-parallel data that combines a
collaborative classifier, attention and the cycle consistency loss.
Experimental results on data from Twitter and Reddit show that our method
outperforms a state-of-the-art text style transfer system in two out of three
quantitative metrics and produces reliable non-offensive transferred sentences.
|
Machine Teaching for Inverse Reinforcement Learning: Algorithms and
Applications | Inverse reinforcement learning (IRL) infers a reward function from
demonstrations, allowing for policy improvement and generalization. However,
despite much recent interest in IRL, little work has been done to understand
the minimum set of demonstrations needed to teach a specific sequential
decision-making task. We formalize the problem of finding maximally informative
demonstrations for IRL as a machine teaching problem where the goal is to find
the minimum number of demonstrations needed to specify the reward equivalence
class of the demonstrator. We extend previous work on algorithmic teaching for
sequential decision-making tasks by showing a reduction to the set cover
problem which enables an efficient approximation algorithm for determining the
set of maximally-informative demonstrations. We apply our proposed machine
teaching algorithm to two novel applications: providing a lower bound on the
number of queries needed to learn a policy using active IRL and developing a
novel IRL algorithm that can learn more efficiently from informative
demonstrations than a standard IRL approach.
|
Predicting drug response of tumors from integrated genomic profiles by
deep neural networks | The study of high-throughput genomic profiles from a pharmacogenomics
viewpoint has provided unprecedented insights into the oncogenic features
modulating drug response. A recent screening of ~1,000 cancer cell lines to a
collection of anti-cancer drugs illuminated the link between genotypes and
vulnerability. However, due to essential differences between cell lines and
tumors, the translation into predicting drug response in tumors remains
challenging. Here we proposed a DNN model to predict drug response based on
mutation and expression profiles of a cancer cell or a tumor. The model
contains a mutation and an expression encoders pre-trained using a large
pan-cancer dataset to abstract core representations of high-dimension data,
followed by a drug response predictor network. Given a pair of mutation and
expression profiles, the model predicts IC50 values of 265 drugs. We trained
and tested the model on a dataset of 622 cancer cell lines and achieved an
overall prediction performance of mean squared error at 1.96 (log-scale IC50
values). The performance was superior in prediction error or stability than two
classical methods and four analog DNNs of our model. We then applied the model
to predict drug response of 9,059 tumors of 33 cancer types. The model
predicted both known, including EGFR inhibitors in non-small cell lung cancer
and tamoxifen in ER+ breast cancer, and novel drug targets. The comprehensive
analysis further revealed the molecular mechanisms underlying the resistance to
a chemotherapeutic drug docetaxel in a pan-cancer setting and the anti-cancer
potential of a novel agent, CX-5461, in treating gliomas and hematopoietic
malignancies. Overall, our model and findings improve the prediction of drug
response and the identification of novel therapeutic options.
|
A Lyapunov-based Approach to Safe Reinforcement Learning | In many real-world reinforcement learning (RL) problems, besides optimizing
the main objective function, an agent must concurrently avoid violating a
number of constraints. In particular, besides optimizing performance it is
crucial to guarantee the safety of an agent during training as well as
deployment (e.g. a robot should avoid taking actions - exploratory or not -
which irrevocably harm its hardware). To incorporate safety in RL, we derive
algorithms under the framework of constrained Markov decision problems (CMDPs),
an extension of the standard Markov decision problems (MDPs) augmented with
constraints on expected cumulative costs. Our approach hinges on a novel
\emph{Lyapunov} method. We define and present a method for constructing
Lyapunov functions, which provide an effective way to guarantee the global
safety of a behavior policy during training via a set of local, linear
constraints. Leveraging these theoretical underpinnings, we show how to use the
Lyapunov approach to systematically transform dynamic programming (DP) and RL
algorithms into their safe counterparts. To illustrate their effectiveness, we
evaluate these algorithms in several CMDP planning and decision-making tasks on
a safety benchmark domain. Our results show that our proposed method
significantly outperforms existing baselines in balancing constraint
satisfaction and performance.
|
Task-Agnostic Meta-Learning for Few-shot Learning | Meta-learning approaches have been proposed to tackle the few-shot learning
problem.Typically, a meta-learner is trained on a variety of tasks in the hopes
of being generalizable to new tasks. However, the generalizability on new tasks
of a meta-learner could be fragile when it is over-trained on existing tasks
during meta-training phase. In other words, the initial model of a meta-learner
could be too biased towards existing tasks to adapt to new tasks, especially
when only very few examples are available to update the model. To avoid a
biased meta-learner and improve its generalizability, we propose a novel
paradigm of Task-Agnostic Meta-Learning (TAML) algorithms. Specifically, we
present an entropy-based approach that meta-learns an unbiased initial model
with the largest uncertainty over the output labels by preventing it from
over-performing in classification tasks. Alternatively, a more general
inequality-minimization TAML is presented for more ubiquitous scenarios by
directly minimizing the inequality of initial losses beyond the classification
tasks wherever a suitable loss can be defined.Experiments on benchmarked
datasets demonstrate that the proposed approaches outperform compared
meta-learning algorithms in both few-shot classification and reinforcement
learning tasks.
|
Minimax Lower Bounds for Cost Sensitive Classification | The cost-sensitive classification problem plays a crucial role in
mission-critical machine learning applications, and differs with traditional
classification by taking the misclassification costs into consideration.
Although being studied extensively in the literature, the fundamental limits of
this problem are still not well understood. We investigate the hardness of this
problem by extending the standard minimax lower bound of balanced binary
classification problem (due to \cite{massart2006risk}), and emphasize the
impact of cost terms on the hardness.
|
Human-guided data exploration using randomisation | An explorative data analysis system should be aware of what the user already
knows and what the user wants to know of the data: otherwise the system cannot
provide the user with the most informative and useful views of the data. We
propose a principled way to do exploratory data analysis, where the user's
background knowledge is modeled by a distribution parametrised by subsets of
rows and columns in the data, called tiles. The user can also use tiles to
describe his or her interests concerning relations in the data. We provide a
computationally efficient implementation of this concept based on constrained
randomisation. The implementation is used to model both the background
knowledge and the user's information request and is a necessary prerequisite
for any interactive system. Furthermore, we describe a novel linear projection
pursuit method to find and show the views most informative to the user, which
at the limit of no background knowledge and with generic objectives reduces to
PCA. We show that our method is robust under noise and fast enough for
interactive use. We also show that the method gives understandable and useful
results when analysing real-world data sets. We will release an open source
library implementing the idea, including the experiments presented in this
paper. We show that our method can outperform standard projection pursuit
visualisation methods in exploration tasks. Our framework makes it possible to
construct human-guided data exploration systems which are fast, powerful, and
give results that are easy to comprehend.
|
Nonlinear Distributional Gradient Temporal-Difference Learning | We devise a distributional variant of gradient temporal-difference (TD)
learning. Distributional reinforcement learning has been demonstrated to
outperform the regular one in the recent study
\citep{bellemare2017distributional}. In the policy evaluation setting, we
design two new algorithms called distributional GTD2 and distributional TDC
using the Cram{\'e}r distance on the distributional version of the Bellman
error objective function, which inherits advantages of both the nonlinear
gradient TD algorithms and the distributional RL approach. In the control
setting, we propose the distributional Greedy-GQ using the similar derivation.
We prove the asymptotic almost-sure convergence of distributional GTD2 and TDC
to a local optimal solution for general smooth function approximators, which
includes neural networks that have been widely used in recent study to solve
the real-life RL problems. In each step, the computational complexities of
above three algorithms are linear w.r.t.\ the number of the parameters of the
function approximator, thus can be implemented efficiently for neural networks.
|
Exp-Concavity of Proper Composite Losses | The goal of online prediction with expert advice is to find a decision
strategy which will perform almost as well as the best expert in a given pool
of experts, on any sequence of outcomes. This problem has been widely studied
and $O(\sqrt{T})$ and $O(\log{T})$ regret bounds can be achieved for convex
losses (\cite{zinkevich2003online}) and strictly convex losses with bounded
first and second derivatives (\cite{hazan2007logarithmic}) respectively. In
special cases like the Aggregating Algorithm (\cite{vovk1995game}) with mixable
losses and the Weighted Average Algorithm (\cite{kivinen1999averaging}) with
exp-concave losses, it is possible to achieve $O(1)$ regret bounds.
\cite{van2012exp} has argued that mixability and exp-concavity are roughly
equivalent under certain conditions. Thus by understanding the underlying
relationship between these two notions we can gain the best of both algorithms
(strong theoretical performance guarantees of the Aggregating Algorithm and the
computational efficiency of the Weighted Average Algorithm). In this paper we
provide a complete characterization of the exp-concavity of any proper
composite loss. Using this characterization and the mixability condition of
proper losses (\cite{van2012mixability}), we show that it is possible to
transform (re-parameterize) any $\beta$-mixable binary proper loss into a
$\beta$-exp-concave composite loss with the same $\beta$. In the multi-class
case, we propose an approximation approach for this transformation.
|
Unsupervised Video Object Segmentation for Deep Reinforcement Learning | We present a new technique for deep reinforcement learning that automatically
detects moving objects and uses the relevant information for action selection.
The detection of moving objects is done in an unsupervised way by exploiting
structure from motion. Instead of directly learning a policy from raw images,
the agent first learns to detect and segment moving objects by exploiting flow
information in video sequences. The learned representation is then used to
focus the policy of the agent on the moving objects. Over time, the agent
identifies which objects are critical for decision making and gradually builds
a policy based on relevant moving objects. This approach, which we call
Motion-Oriented REinforcement Learning (MOREL), is demonstrated on a suite of
Atari games where the ability to detect moving objects reduces the amount of
interaction needed with the environment to obtain a good policy. Furthermore,
the resulting policy is more interpretable than policies that directly map
images to actions or values with a black box neural network. We can gain
insight into the policy by inspecting the segmentation and motion of each
object detected by the agent. This allows practitioners to confirm whether a
policy is making decisions based on sensible information.
|
Model Aggregation via Good-Enough Model Spaces | In many applications, the training data for a machine learning task is
partitioned across multiple nodes, and aggregating this data may be infeasible
due to communication, privacy, or storage constraints. Existing distributed
optimization methods for learning global models in these settings typically
aggregate local updates from each node in an iterative fashion. However, these
approaches require many rounds of communication between nodes, and assume that
updates can be synchronously shared across a connected network. In this work,
we present Good-Enough Model Spaces (GEMS), a novel framework for learning a
global model by carefully intersecting the sets of "good-enough" models across
each node. Our approach utilizes minimal communication and does not require
sharing of data between nodes. We present methods for learning both convex
models and neural networks within this framework and discuss how small samples
of held-out data can be used for post-learning fine-tuning. In experiments on
image and medical datasets, our approach on average improves upon other
baseline aggregation techniques such as ensembling or model averaging by as
much as 15 points (accuracy).
|
Conditional Inference in Pre-trained Variational Autoencoders via
Cross-coding | Variational Autoencoders (VAEs) are a popular generative model, but one in
which conditional inference can be challenging. If the decomposition into query
and evidence variables is fixed, conditional VAEs provide an attractive
solution. To support arbitrary queries, one is generally reduced to Markov
Chain Monte Carlo sampling methods that can suffer from long mixing times. In
this paper, we propose an idea we term cross-coding to approximate the
distribution over the latent variables after conditioning on an evidence
assignment to some subset of the variables. This allows generating query
samples without retraining the full VAE. We experimentally evaluate three
variations of cross-coding showing that (i) they can be quickly optimized for
different decompositions of evidence and query and (ii) they quantitatively and
qualitatively outperform Hamiltonian Monte Carlo.
|
Improved Learning of One-hidden-layer Convolutional Neural Networks with
Overlaps | We propose a new algorithm to learn a one-hidden-layer convolutional neural
network where both the convolutional weights and the outputs weights are
parameters to be learned. Our algorithm works for a general class of
(potentially overlapping) patches, including commonly used structures for
computer vision tasks. Our algorithm draws ideas from (1) isotonic regression
for learning neural networks and (2) landscape analysis of non-convex matrix
factorization problems. We believe these findings may inspire further
development in designing provable algorithms for learning neural networks and
other complex models.
|
Network Learning with Local Propagation | This paper presents a locally decoupled network parameter learning with local
propagation. Three elements are taken into account: (i) sets of nonlinear
transforms that describe the representations at all nodes, (ii) a local
objective at each node related to the corresponding local representation goal,
and (iii) a local propagation model that relates the nonlinear error vectors at
each node with the goal error vectors from the directly connected nodes. The
modeling concepts (i), (ii) and (iii) offer several advantages, including (a) a
unified learning principle for any network that is represented as a graph, (b)
understanding and interpretation of the local and the global learning dynamics,
(c) decoupled and parallel parameter learning, (d) a possibility for learning
in infinitely long, multi-path and multi-goal networks. Numerical experiments
validate the potential of the learning principle. The preliminary results show
advantages in comparison to the state-of-the-art methods, w.r.t. the learning
time and the network size while having comparable recognition accuracy.
|
Constrained Policy Improvement for Safe and Efficient Reinforcement
Learning | We propose a policy improvement algorithm for Reinforcement Learning (RL)
which is called Rerouted Behavior Improvement (RBI). RBI is designed to take
into account the evaluation errors of the Q-function. Such errors are common in
RL when learning the $Q$-value from finite past experience data. Greedy
policies or even constrained policy optimization algorithms which ignore these
errors may suffer from an improvement penalty (i.e. a negative policy
improvement). To minimize the improvement penalty, the RBI idea is to attenuate
rapid policy changes of low probability actions which were less frequently
sampled. This approach is shown to avoid catastrophic performance degradation
and reduce regret when learning from a batch of past experience. Through a
two-armed bandit with Gaussian distributed rewards example, we show that it
also increases data efficiency when the optimal action has a high variance. We
evaluate RBI in two tasks in the Atari Learning Environment: (1) learning from
observations of multiple behavior policies and (2) iterative RL. Our results
demonstrate the advantage of RBI over greedy policies and other constrained
policy optimization algorithms as a safe learning approach and as a general
data efficient learning algorithm. An anonymous Github repository of our RBI
implementation is found at https://github.com/eladsar/rbi.
|
Multi-layer Kernel Ridge Regression for One-class Classification | In this paper, a multi-layer architecture (in a hierarchical fashion) by
stacking various Kernel Ridge Regression (KRR) based Auto-Encoder for one-class
classification is proposed and is referred as MKOC. MKOC has many layers of
Auto-Encoders to project the input features into new feature space and the last
layer was regression based one class classifier. The Auto-Encoders use an
unsupervised approach of learning and the final layer uses semi-supervised
(trained by only positive samples) approach of learning. The proposed MKOC is
experimentally evaluated on 15 publicly available benchmark datasets.
Experimental results verify the effectiveness of the proposed approach over 11
existing state-of-the-art kernel-based one-class classifiers. Friedman test is
also performed to verify the statistical significance of the claim of the
superiority of the proposed one-class classifiers over the existing
state-of-the-art methods.
|
Online Structured Laplace Approximations For Overcoming Catastrophic
Forgetting | We introduce the Kronecker factored online Laplace approximation for
overcoming catastrophic forgetting in neural networks. The method is grounded
in a Bayesian online learning framework, where we recursively approximate the
posterior after every task with a Gaussian, leading to a quadratic penalty on
changes to the weights. The Laplace approximation requires calculating the
Hessian around a mode, which is typically intractable for modern architectures.
In order to make our method scalable, we leverage recent block-diagonal
Kronecker factored approximations to the curvature. Our algorithm achieves over
90% test accuracy across a sequence of 50 instantiations of the permuted MNIST
dataset, substantially outperforming related methods for overcoming
catastrophic forgetting.
|
Towards Understanding Limitations of Pixel Discretization Against
Adversarial Attacks | Wide adoption of artificial neural networks in various domains has led to an
increasing interest in defending adversarial attacks against them.
Preprocessing defense methods such as pixel discretization are particularly
attractive in practice due to their simplicity, low computational overhead, and
applicability to various systems. It is observed that such methods work well on
simple datasets like MNIST, but break on more complicated ones like ImageNet
under recently proposed strong white-box attacks. To understand the conditions
for success and potentials for improvement, we study the pixel discretization
defense method, including more sophisticated variants that take into account
the properties of the dataset being discretized. Our results again show poor
resistance against the strong attacks. We analyze our results in a theoretical
framework and offer strong evidence that pixel discretization is unlikely to
work on all but the simplest of the datasets. Furthermore, our arguments
present insights why some other preprocessing defenses may be insecure.
|
Targeted Adversarial Examples for Black Box Audio Systems | The application of deep recurrent networks to audio transcription has led to
impressive gains in automatic speech recognition (ASR) systems. Many have
demonstrated that small adversarial perturbations can fool deep neural networks
into incorrectly predicting a specified target with high confidence. Current
work on fooling ASR systems have focused on white-box attacks, in which the
model architecture and parameters are known. In this paper, we adopt a
black-box approach to adversarial generation, combining the approaches of both
genetic algorithms and gradient estimation to solve the task. We achieve a
89.25% targeted attack similarity after 3000 generations while maintaining
94.6% audio file similarity.
|
A VEST of the Pseudoinverse Learning Algorithm | In this paper, we briefly review the basic scheme of the pseudoinverse
learning (PIL) algorithm and present some discussions on the PIL, as well as
its variants. The PIL algorithm, first presented in 1995, is a non-gradient
descent and non-iterative learning algorithm for multi-layer neural networks
and has several advantages compared with gradient descent based algorithms.
Some new viewpoints to PIL algorithm are presented, and several common pitfalls
in practical implementation of the neural network learning task are also
addressed. In addition, we show that so called extreme learning machine is a
Variant crEated by Simple name alTernation (VEST) of the PIL algorithm for
single hidden layer feedforward neural networks.
|
Wasserstein regularization for sparse multi-task regression | We focus in this paper on high-dimensional regression problems where each
regressor can be associated to a location in a physical space, or more
generally a generic geometric space. Such problems often employ sparse priors,
which promote models using a small subset of regressors. To increase
statistical power, the so-called multi-task techniques were proposed, which
consist in the simultaneous estimation of several related models. Combined with
sparsity assumptions, it lead to models enforcing the active regressors to be
shared across models, thanks to, for instance L1 / Lq norms. We argue in this
paper that these techniques fail to leverage the spatial information associated
to regressors. Indeed, while sparse priors enforce that only a small subset of
variables is used, the assumption that these regressors overlap across all
tasks is overly simplistic given the spatial variability observed in real data.
In this paper, we propose a convex regularizer for multi-task regression that
encodes a more flexible geometry. Our regularizer is based on unbalanced
optimal transport (OT) theory, and can take into account a prior geometric
knowledge on the regressor variables, without necessarily requiring overlapping
supports. We derive an efficient algorithm based on a regularized formulation
of OT, which iterates through applications of Sinkhorn's algorithm along with
coordinate descent iterations. The performance of our model is demonstrated on
regular grids with both synthetic and real datasets as well as complex
triangulated geometries of the cortex with an application in neuroimaging.
|
Generalized Cross Entropy Loss for Training Deep Neural Networks with
Noisy Labels | Deep neural networks (DNNs) have achieved tremendous success in a variety of
applications across many disciplines. Yet, their superior performance comes
with the expensive cost of requiring correctly annotated large-scale datasets.
Moreover, due to DNNs' rich capacity, errors in training labels can hamper
performance. To combat this problem, mean absolute error (MAE) has recently
been proposed as a noise-robust alternative to the commonly-used categorical
cross entropy (CCE) loss. However, as we show in this paper, MAE can perform
poorly with DNNs and challenging datasets. Here, we present a theoretically
grounded set of noise-robust loss functions that can be seen as a
generalization of MAE and CCE. Proposed loss functions can be readily applied
with any existing DNN architecture and algorithm, while yielding good
performance in a wide range of noisy label scenarios. We report results from
experiments conducted with CIFAR-10, CIFAR-100 and FASHION-MNIST datasets and
synthetically generated noisy labels.
|
Communication-Efficient Projection-Free Algorithm for Distributed
Optimization | Distributed optimization has gained a surge of interest in recent years. In
this paper we propose a distributed projection free algorithm named Distributed
Conditional Gradient Sliding(DCGS). Compared to the state-of-the-art
distributed Frank-Wolfe algorithm, our algorithm attains the same communication
complexity under much more realistic assumptions. In contrast to the consensus
based algorithm, DCGS is based on the primal-dual algorithm, yielding a modular
analysis that can be exploited to improve linear oracle complexity whenever
centralized Frank-Wolfe can be improved. We demonstrate this advantage and show
that the linear oracle complexity can be reduced to almost the same order of
magnitude as the communication complexity, when the feasible set is polyhedral.
Finally we present experimental results on Lasso and matrix completion,
demonstrating significant performance improvement compared to the existing
distributed Frank-Wolfe algorithm.
|
Projection-Free Algorithms in Statistical Estimation | Frank-Wolfe algorithm (FW) and its variants have gained a surge of interests
in machine learning community due to its projection-free property. Recently
people have reduced the gradient evaluation complexity of FW algorithm to
$\log(\frac{1}{\epsilon})$ for the smooth and strongly convex objective. This
complexity result is especially significant in learning problem, as the
overwhelming data size makes a single evluation of gradient computational
expensive. However, in high-dimensional statistical estimation problems, the
objective is typically not strongly convex, and sometimes even non-convex. In
this paper, we extend the state-of-the-art FW type algorithms for the
large-scale, high-dimensional estimation problem. We show that as long as the
objective satisfies {\em restricted strong convexity}, and we are not
optimizing over statistical limit of the model, the $\log(\frac{1}{\epsilon})$
gradient evaluation complexity could still be attained.
|
A Universal Music Translation Network | We present a method for translating music across musical instruments, genres,
and styles. This method is based on a multi-domain wavenet autoencoder, with a
shared encoder and a disentangled latent space that is trained end-to-end on
waveforms. Employing a diverse training dataset and large net capacity, the
domain-independent encoder allows us to translate even from musical domains
that were not seen during training. The method is unsupervised and does not
rely on supervision in the form of matched samples between domains or musical
transcriptions. We evaluate our method on NSynth, as well as on a dataset
collected from professional musicians, and achieve convincing translations,
even when translating from whistling, potentially enabling the creation of
instrumental music by untrained humans.
|
Accelerated Bayesian Optimization throughWeight-Prior Tuning | Bayesian optimization (BO) is a widely-used method for optimizing expensive
(to evaluate) problems. At the core of most BO methods is the modeling of the
objective function using a Gaussian Process (GP) whose covariance is selected
from a set of standard covariance functions. From a weight-space view, this
models the objective as a linear function in a feature space implied by the
given covariance K, with an arbitrary Gaussian weight prior ${\bf w} \sim
\mathcal{N} ({\bf 0}, {\bf I})$. In many practical applications there is data
available that has a similar (covariance) structure to the objective, but
which, having different form, cannot be used directly in standard transfer
learning. In this paper we show how such auxiliary data may be used to
construct a GP covariance corresponding to a more appropriate weight prior for
the objective function. Building on this, we show that we may accelerate BO by
modeling the objective function using this (learned) weight prior, which we
demonstrate on both test functions and a practical application to short-polymer
fibre manufacture.
|
Parallel Transport Convolution: A New Tool for Convolutional Neural
Networks on Manifolds | Convolution has been playing a prominent role in various applications in
science and engineering for many years. It is the most important operation in
convolutional neural networks. There has been a recent growth of interests of
research in generalizing convolutions on curved domains such as manifolds and
graphs. However, existing approaches cannot preserve all the desirable
properties of Euclidean convolutions, namely compactly supported filters,
directionality, transferability across different manifolds. In this paper we
develop a new generalization of the convolution operation, referred to as
parallel transport convolution (PTC), on Riemannian manifolds and their
discrete counterparts. PTC is designed based on the parallel transportation
which is able to translate information along a manifold and to intrinsically
preserve directionality. PTC allows for the construction of compactly supported
filters and is also robust to manifold deformations. This enables us to preform
wavelet-like operations and to define deep convolutional neural networks on
curved domains.
|
Featurized Bidirectional GAN: Adversarial Defense via Adversarially
Learned Semantic Inference | Deep neural networks have been demonstrated to be vulnerable to adversarial
attacks, where small perturbations intentionally added to the original inputs
can fool the classifier. In this paper, we propose a defense method, Featurized
Bidirectional Generative Adversarial Networks (FBGAN), to extract the semantic
features of the input and filter the non-semantic perturbation. FBGAN is
pre-trained on the clean dataset in an unsupervised manner, adversarially
learning a bidirectional mapping between the high-dimensional data space and
the low-dimensional semantic space; also mutual information is applied to
disentangle the semantically meaningful features. After the bidirectional
mapping, the adversarial data can be reconstructed to denoised data, which
could be fed into any pre-trained classifier. We empirically show the quality
of reconstruction images and the effectiveness of defense.
|
Hybrid Macro/Micro Level Backpropagation for Training Deep Spiking
Neural Networks | Spiking neural networks (SNNs) are positioned to enable spatio-temporal
information processing and ultra-low power event-driven neuromorphic hardware.
However, SNNs are yet to reach the same performances of conventional deep
artificial neural networks (ANNs), a long-standing challenge due to complex
dynamics and non-differentiable spike events encountered in training. The
existing SNN error backpropagation (BP) methods are limited in terms of
scalability, lack of proper handling of spiking discontinuities, and/or
mismatch between the rate-coded loss function and computed gradient. We present
a hybrid macro/micro level backpropagation (HM2-BP) algorithm for training
multi-layer SNNs. The temporal effects are precisely captured by the proposed
spike-train level post-synaptic potential (S-PSP) at the microscopic level. The
rate-coded errors are defined at the macroscopic level, computed and
back-propagated across both macroscopic and microscopic levels. Different from
existing BP methods, HM2-BP directly computes the gradient of the rate-coded
loss function w.r.t tunable parameters. We evaluate the proposed HM2-BP
algorithm by training deep fully connected and convolutional SNNs based on the
static MNIST [14] and dynamic neuromorphic N-MNIST [26]. HM2-BP achieves an
accuracy level of 99.49% and 98.88% for MNIST and N-MNIST, respectively,
outperforming the best reported performances obtained from the existing SNN BP
algorithms. Furthermore, the HM2-BP produces the highest accuracies based on
SNNs for the EMNIST [3] dataset, and leads to high recognition accuracy for the
16-speaker spoken English letters of TI46 Corpus [16], a challenging
patio-temporal speech recognition benchmark for which no prior success based on
SNNs was reported. It also achieves competitive performances surpassing those
of conventional deep learning models when dealing with asynchronous spiking
streams.
|
Learning Device Models with Recurrent Neural Networks | Recurrent neural networks (RNNs) are powerful constructs capable of modeling
complex systems, up to and including Turing Machines. However, learning such
complex models from finite training sets can be difficult. In this paper we
empirically show that RNNs can learn models of computer peripheral devices
through input and output state observation. This enables automated development
of functional software-only models of hardware devices. Such models are
applicable to any number of tasks, including device validation, driver
development, code de-obfuscation, and reverse engineering. We show that the
same RNN structure successfully models six different devices from simple test
circuits up to a 16550 UART serial port, and verify that these models are
capable of producing equivalent output to real hardware.
|
A Framework and Method for Online Inverse Reinforcement Learning | Inverse reinforcement learning (IRL) is the problem of learning the
preferences of an agent from the observations of its behavior on a task. While
this problem has been well investigated, the related problem of {\em online}
IRL---where the observations are incrementally accrued, yet the demands of the
application often prohibit a full rerun of an IRL method---has received
relatively less attention. We introduce the first formal framework for online
IRL, called incremental IRL (I2RL), and a new method that advances maximum
entropy IRL with hidden variables, to this setting. Our formal analysis shows
that the new method has a monotonically improving performance with more
demonstration data, as well as probabilistically bounded error, both under full
and partial observability. Experiments in a simulated robotic application of
penetrating a continuous patrol under occlusion shows the relatively improved
performance and speed up of the new method and validates the utility of online
IRL.
|
GSAE: an autoencoder with embedded gene-set nodes for genomics
functional characterization | Bioinformatics tools have been developed to interpret gene expression data at
the gene set level, and these gene set based analyses improve the biologists'
capability to discover functional relevance of their experiment design. While
elucidating gene set individually, inter gene sets association is rarely taken
into consideration. Deep learning, an emerging machine learning technique in
computational biology, can be used to generate an unbiased combination of gene
set, and to determine the biological relevance and analysis consistency of
these combining gene sets by leveraging large genomic data sets. In this study,
we proposed a gene superset autoencoder (GSAE), a multi-layer autoencoder model
with the incorporation of a priori defined gene sets that retain the crucial
biological features in the latent layer. We introduced the concept of the gene
superset, an unbiased combination of gene sets with weights trained by the
autoencoder, where each node in the latent layer is a superset. Trained with
genomic data from TCGA and evaluated with their accompanying clinical
parameters, we showed gene supersets' ability of discriminating tumor subtypes
and their prognostic capability. We further demonstrated the biological
relevance of the top component gene sets in the significant supersets. Using
autoencoder model and gene superset at its latent layer, we demonstrated that
gene supersets retain sufficient biological information with respect to tumor
subtypes and clinical prognostic significance. Superset also provides high
reproducibility on survival analysis and accurate prediction for cancer
subtypes.
|
Learning with Non-Convex Truncated Losses by SGD | Learning with a {\it convex loss} function has been a dominating paradigm for
many years. It remains an interesting question how non-convex loss functions
help improve the generalization of learning with broad applicability. In this
paper, we study a family of objective functions formed by truncating
traditional loss functions, which is applicable to both shallow learning and
deep learning. Truncating loss functions has potential to be less vulnerable
and more robust to large noise in observations that could be adversarial. More
importantly, it is a generic technique without assuming the knowledge of noise
distribution. To justify non-convex learning with truncated losses, we
establish excess risk bounds of empirical risk minimization based on truncated
losses for heavy-tailed output, and statistical error of an approximate
stationary point found by stochastic gradient descent (SGD) method. Our
experiments for shallow and deep learning for regression with outliers,
corrupted data and heavy-tailed noise further justify the proposed method.
|
How Many Samples are Needed to Estimate a Convolutional or Recurrent
Neural Network? | It is widely believed that the practical success of Convolutional Neural
Networks (CNNs) and Recurrent Neural Networks (RNNs) owes to the fact that CNNs
and RNNs use a more compact parametric representation than their
Fully-Connected Neural Network (FNN) counterparts, and consequently require
fewer training examples to accurately estimate their parameters. We initiate
the study of rigorously characterizing the sample-complexity of estimating CNNs
and RNNs. We show that the sample-complexity to learn CNNs and RNNs scales
linearly with their intrinsic dimension and this sample-complexity is much
smaller than for their FNN counterparts. For both CNNs and RNNs, we also
present lower bounds showing our sample complexities are tight up to
logarithmic factors. Our main technical tools for deriving these results are a
localized empirical process analysis and a new technical lemma characterizing
the convolutional and recurrent structure. We believe that these tools may
inspire further developments in understanding CNNs and RNNs.
|
Parameter Hub: a Rack-Scale Parameter Server for Distributed Deep Neural
Network Training | Distributed deep neural network (DDNN) training constitutes an increasingly
important workload that frequently runs in the cloud. Larger DNN models and
faster compute engines are shifting DDNN training bottlenecks from computation
to communication. This paper characterizes DDNN training to precisely pinpoint
these bottlenecks. We found that timely training requires high performance
parameter servers (PSs) with optimized network stacks and gradient processing
pipelines, as well as server and network hardware with balanced computation and
communication resources. We therefore propose PHub, a high performance
multi-tenant, rack-scale PS design. PHub co-designs the PS software and
hardware to accelerate rack-level and hierarchical cross-rack parameter
exchange, with an API compatible with many DDNN training frameworks. PHub
provides a performance improvement of up to 2.7x compared to state-of-the-art
distributed training techniques for cloud-based ImageNet workloads, with 25%
better throughput per dollar.
|
Localized Multiple Kernel Learning for Anomaly Detection: One-class
Classification | Multi-kernel learning has been well explored in the recent past and has
exhibited promising outcomes for multi-class classification and regression
tasks. In this paper, we present a multiple kernel learning approach for the
One-class Classification (OCC) task and employ it for anomaly detection.
Recently, the basic multi-kernel approach has been proposed to solve the OCC
problem, which is simply a convex combination of different kernels with equal
weights. This paper proposes a Localized Multiple Kernel learning approach for
Anomaly Detection (LMKAD) using OCC, where the weight for each kernel is
assigned locally. Proposed LMKAD approach adapts the weight for each kernel
using a gating function. The parameters of the gating function and one-class
classifier are optimized simultaneously through a two-step optimization
process. We present the empirical results of the performance of LMKAD on 25
benchmark datasets from various disciplines. This performance is evaluated
against existing Multi Kernel Anomaly Detection (MKAD) algorithm, and four
other existing kernel-based one-class classifiers to showcase the credibility
of our approach. Our algorithm achieves significantly better Gmean scores while
using a lesser number of support vectors compared to MKAD. Friedman test is
also performed to verify the statistical significance of the results claimed in
this paper.
|
Constructing Unrestricted Adversarial Examples with Generative Models | Adversarial examples are typically constructed by perturbing an existing data
point within a small matrix norm, and current defense methods are focused on
guarding against this type of attack. In this paper, we propose unrestricted
adversarial examples, a new threat model where the attackers are not restricted
to small norm-bounded perturbations. Different from perturbation-based attacks,
we propose to synthesize unrestricted adversarial examples entirely from
scratch using conditional generative models. Specifically, we first train an
Auxiliary Classifier Generative Adversarial Network (AC-GAN) to model the
class-conditional distribution over data samples. Then, conditioned on a
desired class, we search over the AC-GAN latent space to find images that are
likely under the generative model and are misclassified by a target classifier.
We demonstrate through human evaluation that unrestricted adversarial examples
generated this way are legitimate and belong to the desired class. Our
empirical results on the MNIST, SVHN, and CelebA datasets show that
unrestricted adversarial examples can bypass strong adversarial training and
certified defense methods designed for traditional adversarial attacks.
|
SmoothOut: Smoothing Out Sharp Minima to Improve Generalization in Deep
Learning | In Deep Learning, Stochastic Gradient Descent (SGD) is usually selected as a
training method because of its efficiency; however, recently, a problem in SGD
gains research interest: sharp minima in Deep Neural Networks (DNNs) have poor
generalization; especially, large-batch SGD tends to converge to sharp minima.
It becomes an open question whether escaping sharp minima can improve the
generalization. To answer this question, we propose SmoothOut framework to
smooth out sharp minima in DNNs and thereby improve generalization. In a
nutshell, SmoothOut perturbs multiple copies of the DNN by noise injection and
averages these copies. Injecting noises to SGD is widely used in the
literature, but SmoothOut differs in lots of ways: (1) a de-noising process is
applied before parameter updating; (2) noise strength is adapted to filter
norm; (3) an alternative interpretation on the advantage of noise injection,
from the perspective of sharpness and generalization; (4) usage of uniform
noise instead of Gaussian noise. We prove that SmoothOut can eliminate sharp
minima. Training multiple DNN copies is inefficient, we further propose an
unbiased stochastic SmoothOut which only introduces the overhead of noise
injecting and de-noising per batch. An adaptive variant of SmoothOut,
AdaSmoothOut, is also proposed to improve generalization. In a variety of
experiments, SmoothOut and AdaSmoothOut consistently improve generalization in
both small-batch and large-batch training on the top of state-of-the-art
solutions.
|
Quickshift++: Provably Good Initializations for Sample-Based Mean Shift | We provide initial seedings to the Quick Shift clustering algorithm, which
approximate the locally high-density regions of the data. Such seedings act as
more stable and expressive cluster-cores than the singleton modes found by
Quick Shift. We establish statistical consistency guarantees for this
modification. We then show strong clustering performance on real datasets as
well as promising applications to image segmentation.
|
Bayesian posterior approximation via greedy particle optimization | In Bayesian inference, the posterior distributions are difficult to obtain
analytically for complex models such as neural networks. Variational inference
usually uses a parametric distribution for approximation, from which we can
easily draw samples. Recently discrete approximation by particles has attracted
attention because of its high expression ability. An example is Stein
variational gradient descent (SVGD), which iteratively optimizes particles.
Although SVGD has been shown to be computationally efficient empirically, its
theoretical properties have not been clarified yet and no finite sample bound
of the convergence rate is known. Another example is the Stein points (SP)
method, which minimizes kernelized Stein discrepancy directly. Although a
finite sample bound is assured theoretically, SP is computationally inefficient
empirically, especially in high-dimensional problems. In this paper, we propose
a novel method named maximum mean discrepancy minimization by the Frank-Wolfe
algorithm (MMD-FW), which minimizes MMD in a greedy way by the FW algorithm.
Our method is computationally efficient empirically and we show that its finite
sample convergence bound is in a linear order in finite dimensions.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.