title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
A Unified Probabilistic Model for Learning Latent Factors and Their
Connectivities from High-Dimensional Data | Connectivity estimation is challenging in the context of high-dimensional
data. A useful preprocessing step is to group variables into clusters, however,
it is not always clear how to do so from the perspective of connectivity
estimation. Another practical challenge is that we may have data from multiple
related classes (e.g., multiple subjects or conditions) and wish to incorporate
constraints on the similarities across classes. We propose a probabilistic
model which simultaneously performs both a grouping of variables (i.e.,
detecting community structure) and estimation of connectivities between the
groups which correspond to latent variables. The model is essentially a factor
analysis model where the factors are allowed to have arbitrary correlations,
while the factor loading matrix is constrained to express a community
structure. The model can be applied on multiple classes so that the
connectivities can be different between the classes, while the community
structure is the same for all classes. We propose an efficient estimation
algorithm based on score matching, and prove the identifiability of the model.
Finally, we present an extension to directed (causal) connectivities over
latent variables. Simulations and experiments on fMRI data validate the
practical utility of the method.
|
Primal-Dual Wasserstein GAN | We introduce Primal-Dual Wasserstein GAN, a new learning algorithm for
building latent variable models of the data distribution based on the primal
and the dual formulations of the optimal transport (OT) problem. We utilize the
primal formulation to learn a flexible inference mechanism and to create an
optimal approximate coupling between the data distribution and the generative
model. In order to learn the generative model, we use the dual formulation and
train the decoder adversarially through a critic network that is regularized by
the approximate coupling obtained from the primal. Unlike previous methods that
violate various properties of the optimal critic, we regularize the norm and
the direction of the gradients of the critic function. Our model shares many of
the desirable properties of auto-encoding models in terms of mode coverage and
latent structure, while avoiding their undesirable averaging properties, e.g.
their inability to capture sharp visual features when modeling real images. We
compare our algorithm with several other generative modeling techniques that
utilize Wasserstein distances on Frechet Inception Distance (FID) and Inception
Scores (IS).
|
Residual Networks as Geodesic Flows of Diffeomorphisms | This paper addresses the understanding and characterization of residual
networks (ResNet), which are among the state-of-the-art deep learning
architectures for a variety of supervised learning problems. We focus on the
mapping component of ResNets, which map the embedding space towards a new
unknown space where the prediction or classification can be stated according to
linear criteria. We show that this mapping component can be regarded as the
numerical implementation of continuous flows of diffeomorphisms governed by
ordinary differential equations. Especially, ResNets with shared weights are
fully characterized as numerical approximation of exponential diffeomorphic
operators. We stress both theoretically and numerically the relevance of the
enforcement of diffeormorphic properties and the importance of numerical issues
to make consistent the continuous formulation and the discretized ResNet
implementation. We further discuss the resulting theoretical and computational
insights on ResNet architectures.
|
A0C: Alpha Zero in Continuous Action Space | A core novelty of Alpha Zero is the interleaving of tree search and deep
learning, which has proven very successful in board games like Chess, Shogi and
Go. These games have a discrete action space. However, many real-world
reinforcement learning domains have continuous action spaces, for example in
robotic control, navigation and self-driving cars. This paper presents the
necessary theoretical extensions of Alpha Zero to deal with continuous action
space. We also provide some preliminary experiments on the Pendulum swing-up
task, empirically showing the feasibility of our approach. Thereby, this work
provides a first step towards the application of iterated search and learning
in domains with a continuous action space.
|
Backpropagation with N-D Vector-Valued Neurons Using Arbitrary Bilinear
Products | Vector-valued neural learning has emerged as a promising direction in deep
learning recently. Traditionally, training data for neural networks (NNs) are
formulated as a vector of scalars; however, its performance may not be optimal
since associations among adjacent scalars are not modeled. In this paper, we
propose a new vector neural architecture called the Arbitrary BIlinear Product
Neural Network (ABIPNN), which processes information as vectors in each neuron,
and the feedforward projections are defined using arbitrary bilinear products.
Such bilinear products can include circular convolution, seven-dimensional
vector product, skew circular convolution, reversed- time circular convolution,
or other new products not seen in previous work. As a proof-of-concept, we
apply our proposed network to multispectral image denoising and singing voice
sepa- ration. Experimental results show that ABIPNN gains substantial
improvements when compared to conventional NNs, suggesting that associations
are learned during training.
|
SOSELETO: A Unified Approach to Transfer Learning and Training with
Noisy Labels | We present SOSELETO (SOurce SELEction for Target Optimization), a new method
for exploiting a source dataset to solve a classification problem on a target
dataset. SOSELETO is based on the following simple intuition: some source
examples are more informative than others for the target problem. To capture
this intuition, source samples are each given weights; these weights are solved
for jointly with the source and target classification problems via a bilevel
optimization scheme. The target therefore gets to choose the source samples
which are most informative for its own classification task. Furthermore, the
bilevel nature of the optimization acts as a kind of regularization on the
target, mitigating overfitting. SOSELETO may be applied to both classic
transfer learning, as well as the problem of training on datasets with noisy
labels; we show state of the art results on both of these problems.
|
Online Regularized Nonlinear Acceleration | Regularized nonlinear acceleration (RNA) estimates the minimum of a function
by post-processing iterates from an algorithm such as the gradient method. It
can be seen as a regularized version of Anderson acceleration, a classical
acceleration scheme from numerical analysis. The new scheme provably improves
the rate of convergence of fixed step gradient descent, and its empirical
performance is comparable to that of quasi-Newton methods. However, RNA cannot
accelerate faster multistep algorithms like Nesterov's method and often
diverges in this context. Here, we adapt RNA to overcome these issues, so that
our scheme can be used on fast algorithms such as gradient methods with
momentum. We show optimal complexity bounds for quadratics and asymptotically
optimal rates on general convex minimization problems. Moreover, this new
scheme works online, i.e., extrapolated solution estimates can be reinjected at
each iteration, significantly improving numerical performance over classical
accelerated methods.
|
Uncertainty-Aware Attention for Reliable Interpretation and Prediction | Attention mechanism is effective in both focusing the deep learning models on
relevant features and interpreting them. However, attentions may be unreliable
since the networks that generate them are often trained in a weakly-supervised
manner. To overcome this limitation, we introduce the notion of input-dependent
uncertainty to the attention mechanism, such that it generates attention for
each feature with varying degrees of noise based on the given input, to learn
larger variance on instances it is uncertain about. We learn this
Uncertainty-aware Attention (UA) mechanism using variational inference, and
validate it on various risk prediction tasks from electronic health records on
which our model significantly outperforms existing attention models. The
analysis of the learned attentions shows that our model generates attentions
that comply with clinicians' interpretation, and provide richer interpretation
via learned variance. Further evaluation of both the accuracy of the
uncertainty calibration and the prediction performance with "I don't know"
decision show that UA yields networks with high reliability as well.
|
Multivariate Convolutional Sparse Coding for Electromagnetic Brain
Signals | Frequency-specific patterns of neural activity are traditionally interpreted
as sustained rhythmic oscillations, and related to cognitive mechanisms such as
attention, high level visual processing or motor control. While alpha waves
(8-12 Hz) are known to closely resemble short sinusoids, and thus are revealed
by Fourier analysis or wavelet transforms, there is an evolving debate that
electromagnetic neural signals are composed of more complex waveforms that
cannot be analyzed by linear filters and traditional signal representations. In
this paper, we propose to learn dedicated representations of such recordings
using a multivariate convolutional sparse coding (CSC) algorithm. Applied to
electroencephalography (EEG) or magnetoencephalography (MEG) data, this method
is able to learn not only prototypical temporal waveforms, but also associated
spatial patterns so their origin can be localized in the brain. Our algorithm
is based on alternated minimization and a greedy coordinate descent solver that
leads to state-of-the-art running time on long time series. To demonstrate the
implications of this method, we apply it to MEG data and show that it is able
to recover biological artifacts. More remarkably, our approach also reveals the
presence of non-sinusoidal mu-shaped patterns, along with their topographic
maps related to the somatosensory cortex.
|
Learning compositionally through attentive guidance | While neural network models have been successfully applied to domains that
require substantial generalisation skills, recent studies have implied that
they struggle when solving the task they are trained on requires inferring its
underlying compositional structure. In this paper, we introduce Attentive
Guidance, a mechanism to direct a sequence to sequence model equipped with
attention to find more compositional solutions. We test it on two tasks,
devised precisely to assess the compositional capabilities of neural models,
and we show that vanilla sequence to sequence models with attention overfit the
training distribution, while the guided versions come up with compositional
solutions that fit the training and testing distributions almost equally well.
Moreover, the learned solutions generalise even in cases where the training and
testing distributions strongly diverge. In this way, we demonstrate that
sequence to sequence models are capable of finding compositional solutions
without requiring extra components. These results helps to disentangle the
causes for the lack of systematic compositionality in neural networks, which
can in turn fuel future work.
|
Been There, Done That: Meta-Learning with Episodic Recall | Meta-learning agents excel at rapidly learning new tasks from open-ended task
distributions; yet, they forget what they learn about each task as soon as the
next begins. When tasks reoccur - as they do in natural environments -
metalearning agents must explore again instead of immediately exploiting
previously discovered solutions. We propose a formalism for generating
open-ended yet repetitious environments, then develop a meta-learning
architecture for solving these environments. This architecture melds the
standard LSTM working memory with a differentiable neural episodic memory. We
explore the capabilities of agents with this episodic LSTM in five
meta-learning environments with reoccurring tasks, ranging from bandits to
navigation and stochastic sequential decision problems.
|
R-VQA: Learning Visual Relation Facts with Semantic Attention for Visual
Question Answering | Recently, Visual Question Answering (VQA) has emerged as one of the most
significant tasks in multimodal learning as it requires understanding both
visual and textual modalities. Existing methods mainly rely on extracting image
and question features to learn their joint feature embedding via multimodal
fusion or attention mechanism. Some recent studies utilize external
VQA-independent models to detect candidate entities or attributes in images,
which serve as semantic knowledge complementary to the VQA task. However, these
candidate entities or attributes might be unrelated to the VQA task and have
limited semantic capacities. To better utilize semantic knowledge in images, we
propose a novel framework to learn visual relation facts for VQA. Specifically,
we build up a Relation-VQA (R-VQA) dataset based on the Visual Genome dataset
via a semantic similarity module, in which each data consists of an image, a
corresponding question, a correct answer and a supporting relation fact. A
well-defined relation detector is then adopted to predict visual
question-related relation facts. We further propose a multi-step attention
model composed of visual attention and semantic attention sequentially to
extract related visual knowledge and semantic knowledge. We conduct
comprehensive experiments on the two benchmark datasets, demonstrating that our
model achieves state-of-the-art performance and verifying the benefit of
considering visual relation facts.
|
Learning Classifiers with Fenchel-Young Losses: Generalized Entropies,
Margins, and Algorithms | This paper studies Fenchel-Young losses, a generic way to construct convex
loss functions from a regularization function. We analyze their properties in
depth, showing that they unify many well-known loss functions and allow to
create useful new ones easily. Fenchel-Young losses constructed from a
generalized entropy, including the Shannon and Tsallis entropies, induce
predictive probability distributions. We formulate conditions for a generalized
entropy to yield losses with a separation margin, and probability distributions
with sparse support. Finally, we derive efficient algorithms, making
Fenchel-Young losses appealing both in theory and practice.
|
Learning convex polyhedra with margin | We present an improved algorithm for {\em quasi-properly} learning convex
polyhedra in the realizable PAC setting from data with a margin. Our learning
algorithm constructs a consistent polyhedron as an intersection of about $t
\log t$ halfspaces with constant-size margins in time polynomial in $t$ (where
$t$ is the number of halfspaces forming an optimal polyhedron). We also
identify distinct generalizations of the notion of margin from hyperplanes to
polyhedra and investigate how they relate geometrically; this result may have
ramifications beyond the learning setting.
|
Towards Robust Evaluations of Continual Learning | Experiments used in current continual learning research do not faithfully
assess fundamental challenges of learning continually. Instead of assessing
performance on challenging and representative experiment designs, recent
research has focused on increased dataset difficulty, while still using flawed
experiment set-ups. We examine standard evaluations and show why these
evaluations make some continual learning approaches look better than they are.
We introduce desiderata for continual learning evaluations and explain why
their absence creates misleading comparisons. Based on our desiderata we then
propose new experiment designs which we demonstrate with various continual
learning approaches and datasets. Our analysis calls for a reprioritization of
research effort by the community.
|
Geographical Hidden Markov Tree for Flood Extent Mapping (With Proof
Appendix) | Flood extent mapping plays a crucial role in disaster management and national
water forecasting. Unfortunately, traditional classification methods are often
hampered by the existence of noise, obstacles and heterogeneity in spectral
features as well as implicit anisotropic spatial dependency across class
labels. In this paper, we propose geographical hidden Markov tree, a
probabilistic graphical model that generalizes the common hidden Markov model
from a one dimensional sequence to a two dimensional map. Anisotropic spatial
dependency is incorporated in the hidden class layer with a reverse tree
structure. We also investigate computational algorithms for reverse tree
construction, model parameter learning and class inference. Extensive
evaluations on both synthetic and real world datasets show that proposed model
outperforms multiple baselines in flood mapping, and our algorithms are
scalable on large data sizes.
|
Local SGD Converges Fast and Communicates Little | Mini-batch stochastic gradient descent (SGD) is state of the art in large
scale distributed training. The scheme can reach a linear speedup with respect
to the number of workers, but this is rarely seen in practice as the scheme
often suffers from large network delays and bandwidth limits. To overcome this
communication bottleneck recent works propose to reduce the communication
frequency. An algorithm of this type is local SGD that runs SGD independently
in parallel on different workers and averages the sequences only once in a
while.
This scheme shows promising results in practice, but eluded thorough
theoretical analysis. We prove concise convergence rates for local SGD on
convex problems and show that it converges at the same rate as mini-batch SGD
in terms of number of evaluated gradients, that is, the scheme achieves linear
speedup in the number of workers and mini-batch size. The number of
communication rounds can be reduced up to a factor of T^{1/2}---where T denotes
the number of total steps---compared to mini-batch SGD. This also holds for
asynchronous implementations. Local SGD can also be used for large scale
training of deep learning models.
The results shown here aim serving as a guideline to further explore the
theoretical and practical aspects of local SGD in these applications.
|
Auto-Detection of Safety Issues in Baby Products | Every year, thousands of people receive consumer product related injuries.
Research indicates that online customer reviews can be processed to
autonomously identify product safety issues. Early identification of safety
issues can lead to earlier recalls, and thus fewer injuries and deaths. A
dataset of product reviews from Amazon.com was compiled, along with
\emph{SaferProducts.gov} complaints and recall descriptions from the Consumer
Product Safety Commission (CPSC) and European Commission Rapid Alert system. A
system was built to clean the collected text and to extract relevant features.
Dimensionality reduction was performed by computing feature relevance through a
Random Forest and discarding features with low information gain. Various
classifiers were analyzed, including Logistic Regression, SVMs,
Na{\"i}ve-Bayes, Random Forests, and an Ensemble classifier. Experimentation
with various features and classifier combinations resulted in a logistic
regression model with 66\% precision in the top 50 reviews surfaced. This
classifier outperforms all benchmarks set by related literature and consumer
product safety professionals.
|
Efficient Inference in Multi-task Cox Process Models | We generalize the log Gaussian Cox process (LGCP) framework to model multiple
correlated point data jointly. The observations are treated as realizations of
multiple LGCPs, whose log intensities are given by linear combinations of
latent functions drawn from Gaussian process priors. The combination
coefficients are also drawn from Gaussian processes and can incorporate
additional dependencies. We derive closed-form expressions for the moments of
the intensity functions and develop an efficient variational inference
algorithm that is orders of magnitude faster than competing deterministic and
stochastic approximations of multivariate LGCP, coregionalization models, and
multi-task permanental processes. Our approach outperforms these benchmarks in
multiple problems, offering the current state of the art in modeling
multivariate point processes.
|
Entropy and mutual information in models of deep neural networks | We examine a class of deep learning models with a tractable method to compute
information-theoretic quantities. Our contributions are three-fold: (i) We show
how entropies and mutual informations can be derived from heuristic statistical
physics methods, under the assumption that weight matrices are independent and
orthogonally-invariant. (ii) We extend particular cases in which this result is
known to be rigorously exact by providing a proof for two-layers networks with
Gaussian random weights, using the recently introduced adaptive interpolation
method. (iii) We propose an experiment framework with generative models of
synthetic datasets, on which we train deep neural networks with a weight
constraint designed so that the assumption in (i) is verified during learning.
We study the behavior of entropies and mutual informations throughout learning
and conclude that, in the proposed setting, the relationship between
compression and generalization remains elusive.
|
Multi-Task Zipping via Layer-wise Neuron Sharing | Future mobile devices are anticipated to perceive, understand and react to
the world on their own by running multiple correlated deep neural networks
on-device. Yet the complexity of these neural networks needs to be trimmed down
both within-model and cross-model to fit in mobile storage and memory. Previous
studies focus on squeezing the redundancy within a single neural network. In
this work, we aim to reduce the redundancy across multiple models. We propose
Multi-Task Zipping (MTZ), a framework to automatically merge correlated,
pre-trained deep neural networks for cross-model compression. Central in MTZ is
a layer-wise neuron sharing and incoming weight updating scheme that induces a
minimal change in the error function. MTZ inherits information from each model
and demands light retraining to re-boost the accuracy of individual tasks.
Evaluations show that MTZ is able to fully merge the hidden layers of two
VGG-16 networks with a 3.18% increase in the test error averaged on ImageNet
and CelebA, or share 39.61% parameters between the two networks with <0.5%
increase in the test errors for both tasks. The number of iterations to retrain
the combined network is at least 17.8 times lower than that of training a
single VGG-16 network. Moreover, experiments show that MTZ is also able to
effectively merge multiple residual networks.
|
New Insights into Bootstrapping for Bandits | We investigate the use of bootstrapping in the bandit setting. We first show
that the commonly used non-parametric bootstrapping (NPB) procedure can be
provably inefficient and establish a near-linear lower bound on the regret
incurred by it under the bandit model with Bernoulli rewards. We show that NPB
with an appropriate amount of forced exploration can result in sub-linear
albeit sub-optimal regret. As an alternative to NPB, we propose a weighted
bootstrapping (WB) procedure. For Bernoulli rewards, WB with multiplicative
exponential weights is mathematically equivalent to Thompson sampling (TS) and
results in near-optimal regret bounds. Similarly, in the bandit setting with
Gaussian rewards, we show that WB with additive Gaussian weights achieves
near-optimal regret. Beyond these special cases, we show that WB leads to
better empirical performance than TS for several reward distributions bounded
on $[0,1]$. For the contextual bandit setting, we give practical guidelines
that make bootstrapping simple and efficient to implement and result in good
empirical performance on real-world datasets.
|
Meta-Gradient Reinforcement Learning | The goal of reinforcement learning algorithms is to estimate and/or optimise
the value function. However, unlike supervised learning, no teacher or oracle
is available to provide the true value function. Instead, the majority of
reinforcement learning algorithms estimate and/or optimise a proxy for the
value function. This proxy is typically based on a sampled and bootstrapped
approximation to the true value function, known as a return. The particular
choice of return is one of the chief components determining the nature of the
algorithm: the rate at which future rewards are discounted; when and how values
should be bootstrapped; or even the nature of the rewards themselves. It is
well-known that these decisions are crucial to the overall success of RL
algorithms. We discuss a gradient-based meta-learning algorithm that is able to
adapt the nature of the return, online, whilst interacting and learning from
the environment. When applied to 57 games on the Atari 2600 environment over
200 million frames, our algorithm achieved a new state-of-the-art performance.
|
Implicit Autoencoders | In this paper, we describe the "implicit autoencoder" (IAE), a generative
autoencoder in which both the generative path and the recognition path are
parametrized by implicit distributions. We use two generative adversarial
networks to define the reconstruction and the regularization cost functions of
the implicit autoencoder, and derive the learning rules based on
maximum-likelihood learning. Using implicit distributions allows us to learn
more expressive posterior and conditional likelihood distributions for the
autoencoder. Learning an expressive conditional likelihood distribution enables
the latent code to only capture the abstract and high-level information of the
data, while the remaining low-level information is captured by the implicit
conditional likelihood distribution. We show the applications of implicit
autoencoders in disentangling content and style information, clustering,
semi-supervised classification, learning expressive variational distributions,
and multimodal image-to-image translation from unpaired data.
|
Baseline Needs More Love: On Simple Word-Embedding-Based Models and
Associated Pooling Mechanisms | Many deep learning architectures have been proposed to model the
compositionality in text sequences, requiring a substantial number of
parameters and expensive computations. However, there has not been a rigorous
evaluation regarding the added value of sophisticated compositional functions.
In this paper, we conduct a point-by-point comparative study between Simple
Word-Embedding-based Models (SWEMs), consisting of parameter-free pooling
operations, relative to word-embedding-based RNN/CNN models. Surprisingly,
SWEMs exhibit comparable or even superior performance in the majority of cases
considered. Based upon this understanding, we propose two additional pooling
strategies over learned word embeddings: (i) a max-pooling operation for
improved interpretability; and (ii) a hierarchical pooling operation, which
preserves spatial (n-gram) information within text sequences. We present
experiments on 17 datasets encompassing three tasks: (i) (long) document
classification; (ii) text sequence matching; and (iii) short text tasks,
including classification and tagging. The source code and datasets can be
obtained from https:// github.com/dinghanshen/SWEM.
|
Inverse Rational Control: Inferring What You Think from How You Forage | Complex behaviors are often driven by an internal model, which integrates
sensory information over time and facilitates long-term planning. Inferring an
agent's internal model is a crucial ingredient in social interactions (theory
of mind), for imitation learning, and for interpreting neural activities of
behaving agents. Here we describe a generic method to model an agent's behavior
under an environment with uncertainty, and infer the agent's internal model,
reward function, and dynamic beliefs. We apply our method to a simulated agent
performing a naturalistic foraging task. We assume the agent behaves rationally
--- that is, they take actions that optimize their subjective utility according
to their understanding of the task and its relevant causal variables. We model
this rational solution as a Partially Observable Markov Decision Process
(POMDP) where the agent may make wrong assumptions about the task parameters.
Given the agent's sensory observations and actions, we learn its internal model
and reward function by maximum likelihood estimation over a set of
task-relevant parameters. The Markov property of the POMDP enables us to
characterize the transition probabilities between internal belief states and
iteratively estimate the agent's policy using a constrained
Expectation-Maximization (EM) algorithm. We validate our method on simulated
agents performing suboptimally on a foraging task currently used in many
neuroscience experiments, and successfully recover their internal model and
reward function. Our work lays a critical foundation to discover how the brain
represents and computes with dynamic beliefs.
|
Learning Nonlinear Brain Dynamics: van der Pol Meets LSTM | Many real-world data sets, especially in biology, are produced by complex
nonlinear dynamical systems. In this paper, we focus on brain calcium imaging
(CaI) of different organisms (zebrafish and rat), aiming to build a model of
joint activation dynamics in large neuronal populations, including the whole
brain of zebrafish. We propose a new approach for capturing dynamics of
temporal SVD components that uses the coupled (multivariate) van der Pol (VDP)
oscillator, a nonlinear ordinary differential equation (ODE) model describing
neural activity, with a new parameter estimation technique that combines
variable projection optimization and stochastic search. We show that the
approach successfully handles nonlinearities and hidden state variables in the
coupled VDP. The approach is accurate, achieving 0.82 to 0.94 correlation
between the actual and model-generated components, and interpretable, as VDP's
coupling matrix reveals anatomically meaningful positive (excitatory) and
negative (inhibitory) interactions across different brain subsystems
corresponding to spatial SVD components. Moreover, VDP is comparable to (or
sometimes better than) recurrent neural networks (LSTM) for (short-term)
prediction of future brain activity; VDP needs less parameters to train, which
was a plus on our small training data. Finally, the overall best predictive
method, greatly outperforming both VDP and LSTM in short- and long-term
predictive settings on both datasets, was the new hybrid VDP-LSTM approach that
used VDP to simulate large domain-specific dataset for LSTM pretraining; note
that simple LSTM data-augmentation via noisy versions of training data was much
less effective.
|
Performing Co-Membership Attacks Against Deep Generative Models | In this paper we propose a new membership attack method called co-membership
attacks against deep generative models including Variational Autoencoders
(VAEs) and Generative Adversarial Networks (GANs). Specifically, membership
attack aims to check whether a given instance x was used in the training data
or not. A co-membership attack checks whether the given bundle of n instances
were in the training, with the prior knowledge that the bundle was either
entirely used in the training or none at all. Successful membership attacks can
compromise the privacy of training data when the generative model is published.
Our main idea is to cast membership inference of target data x as the
optimization of another neural network (called the attacker network) to search
for the latent encoding to reproduce x. The final reconstruction error is used
directly to conclude whether x was in the training data or not. We conduct
extensive experiments on a variety of datasets and generative models showing
that: our attacker network outperforms prior membership attacks; co-membership
attacks can be substantially more powerful than single attacks; and VAEs are
more susceptible to membership attacks compared to GANs.
|
Structure Learning from Time Series with False Discovery Control | We consider the Granger causal structure learning problem from time series
data. Granger causal algorithms predict a 'Granger causal effect' between two
variables by testing if prediction error of one decreases significantly in the
absence of the other variable among the predictor covariates. Almost all
existing Granger causal algorithms condition on a large number of variables
(all but two variables) to test for effects between a pair of variables. We
propose a new structure learning algorithm called MMPC-p inspired by the well
known MMHC algorithm for non-time series data. We show that under some
assumptions, the algorithm provides false discovery rate control. The algorithm
is sound and complete when given access to perfect directed information testing
oracles. We also outline a novel tester for the linear Gaussian case. We show
through our extensive experiments that the MMPC-p algorithm scales to larger
problems and has improved statistical power compared to existing state of the
art for large sparse graphs. We also apply our algorithm on a global
development dataset and validate our findings with subject matter experts.
|
Fairness GAN | In this paper, we introduce the Fairness GAN, an approach for generating a
dataset that is plausibly similar to a given multimedia dataset, but is more
fair with respect to protected attributes in allocative decision making. We
propose a novel auxiliary classifier GAN that strives for demographic parity or
equality of opportunity and show empirical results on several datasets,
including the CelebFaces Attributes (CelebA) dataset, the Quick, Draw!\
dataset, and a dataset of soccer player images and the offenses they were
called for. The proposed formulation is well-suited to absorbing unlabeled
data; we leverage this to augment the soccer dataset with the much larger
CelebA dataset. The methodology tends to improve demographic parity and
equality of opportunity while generating plausible images.
|
Multi-Task Determinantal Point Processes for Recommendation | Determinantal point processes (DPPs) have received significant attention in
the recent years as an elegant model for a variety of machine learning tasks,
due to their ability to elegantly model set diversity and item quality or
popularity. Recent work has shown that DPPs can be effective models for product
recommendation and basket completion tasks. We present an enhanced DPP model
that is specialized for the task of basket completion, the multi-task DPP. We
view the basket completion problem as a multi-class classification problem, and
leverage ideas from tensor factorization and multi-class classification to
design the multi-task DPP model. We evaluate our model on several real-world
datasets, and find that the multi-task DPP provides significantly better
predictive quality than a number of state-of-the-art models.
|
Meta-Learning Probabilistic Inference For Prediction | This paper introduces a new framework for data efficient and versatile
learning. Specifically: 1) We develop ML-PIP, a general framework for
Meta-Learning approximate Probabilistic Inference for Prediction. ML-PIP
extends existing probabilistic interpretations of meta-learning to cover a
broad class of methods. 2) We introduce VERSA, an instance of the framework
employing a flexible and versatile amortization network that takes few-shot
learning datasets as inputs, with arbitrary numbers of shots, and outputs a
distribution over task-specific parameters in a single forward pass. VERSA
substitutes optimization at test time with forward passes through inference
networks, amortizing the cost of inference and relieving the need for second
derivatives during training. 3) We evaluate VERSA on benchmark datasets where
the method sets new state-of-the-art results, handles arbitrary numbers of
shots, and for classification, arbitrary numbers of classes at train and test
time. The power of the approach is then demonstrated through a challenging
few-shot ShapeNet view reconstruction task.
|
Polynomially Coded Regression: Optimal Straggler Mitigation via Data
Encoding | We consider the problem of training a least-squares regression model on a
large dataset using gradient descent. The computation is carried out on a
distributed system consisting of a master node and multiple worker nodes. Such
distributed systems are significantly slowed down due to the presence of
slow-running machines (stragglers) as well as various communication
bottlenecks. We propose "polynomially coded regression" (PCR) that
substantially reduces the effect of stragglers and lessens the communication
burden in such systems. The key idea of PCR is to encode the partial data
stored at each worker, such that the computations at the workers can be viewed
as evaluating a polynomial at distinct points. This allows the master to
compute the final gradient by interpolating this polynomial. PCR significantly
reduces the recovery threshold, defined as the number of workers the master has
to wait for prior to computing the gradient. In particular, PCR requires a
recovery threshold that scales inversely proportionally with the amount of
computation/storage available at each worker. In comparison, state-of-the-art
straggler-mitigation schemes require a much higher recovery threshold that only
decreases linearly in the per worker computation/storage load. We prove that
PCR's recovery threshold is near minimal and within a factor two of the best
possible scheme. Our experiments over Amazon EC2 demonstrate that compared with
state-of-the-art schemes, PCR improves the run-time by 1.50x ~ 2.36x with
naturally occurring stragglers, and by as much as 2.58x ~ 4.29x with artificial
stragglers.
|
Automated Verification of Neural Networks: Advances, Challenges and
Perspectives | Neural networks are one of the most investigated and widely used techniques
in Machine Learning. In spite of their success, they still find limited
application in safety- and security-related contexts, wherein assurance about
networks' performances must be provided. In the recent past, automated
reasoning techniques have been proposed by several researchers to close the gap
between neural networks and applications requiring formal guarantees about
their behavior. In this work, we propose a primer of such techniques and a
comprehensive categorization of existing approaches for the automated
verification of neural networks. A discussion about current limitations and
directions for future investigation is provided to foster research on this
topic at the crossroads of Machine Learning and Automated Reasoning.
|
Training of photonic neural networks through in situ backpropagation | Recently, integrated optics has gained interest as a hardware platform for
implementing machine learning algorithms. Of particular interest are artificial
neural networks, since matrix-vector multi- plications, which are used heavily
in artificial neural networks, can be done efficiently in photonic circuits.
The training of an artificial neural network is a crucial step in its
application. However, currently on the integrated photonics platform there is
no efficient protocol for the training of these networks. In this work, we
introduce a method that enables highly efficient, in situ training of a
photonic neural network. We use adjoint variable methods to derive the photonic
analogue of the backpropagation algorithm, which is the standard method for
computing gradients of conventional neural networks. We further show how these
gradients may be obtained exactly by performing intensity measurements within
the device. As an application, we demonstrate the training of a numerically
simulated photonic artificial neural network. Beyond the training of photonic
machine learning implementations, our method may also be of broad interest to
experimental sensitivity analysis of photonic systems and the optimization of
reconfigurable optics platforms.
|
Topological Data Analysis of Decision Boundaries with Application to
Model Selection | We propose the labeled \v{C}ech complex, the plain labeled Vietoris-Rips
complex, and the locally scaled labeled Vietoris-Rips complex to perform
persistent homology inference of decision boundaries in classification tasks.
We provide theoretical conditions and analysis for recovering the homology of a
decision boundary from samples. Our main objective is quantification of deep
neural network complexity to enable matching of datasets to pre-trained models;
we report results for experiments using MNIST, FashionMNIST, and CIFAR10.
|
Myopic Bayesian Design of Experiments via Posterior Sampling and
Probabilistic Programming | We design a new myopic strategy for a wide class of sequential design of
experiment (DOE) problems, where the goal is to collect data in order to to
fulfil a certain problem specific goal. Our approach, Myopic Posterior Sampling
(MPS), is inspired by the classical posterior (Thompson) sampling algorithm for
multi-armed bandits and leverages the flexibility of probabilistic programming
and approximate Bayesian inference to address a broad set of problems.
Empirically, this general-purpose strategy is competitive with more specialised
methods in a wide array of DOE tasks, and more importantly, enables addressing
complex DOE goals where no existing method seems applicable. On the theoretical
side, we leverage ideas from adaptive submodularity and reinforcement learning
to derive conditions under which MPS achieves sublinear regret against natural
benchmark policies.
|
LAG: Lazily Aggregated Gradient for Communication-Efficient Distributed
Learning | This paper presents a new class of gradient methods for distributed machine
learning that adaptively skip the gradient calculations to learn with reduced
communication and computation. Simple rules are designed to detect
slowly-varying gradients and, therefore, trigger the reuse of outdated
gradients. The resultant gradient-based algorithms are termed Lazily Aggregated
Gradient --- justifying our acronym LAG used henceforth. Theoretically, the
merits of this contribution are: i) the convergence rate is the same as batch
gradient descent in strongly-convex, convex, and nonconvex smooth cases; and,
ii) if the distributed datasets are heterogeneous (quantified by certain
measurable constants), the communication rounds needed to achieve a targeted
accuracy are reduced thanks to the adaptive reuse of lagged gradients.
Numerical experiments on both synthetic and real data corroborate a significant
communication reduction compared to alternatives.
|
Towards More Efficient Stochastic Decentralized Learning: Faster
Convergence and Sparse Communication | Recently, the decentralized optimization problem is attracting growing
attention. Most existing methods are deterministic with high per-iteration cost
and have a convergence rate quadratically depending on the problem condition
number. Besides, the dense communication is necessary to ensure the convergence
even if the dataset is sparse. In this paper, we generalize the decentralized
optimization problem to a monotone operator root finding problem, and propose a
stochastic algorithm named DSBA that (i) converges geometrically with a rate
linearly depending on the problem condition number, and (ii) can be implemented
using sparse communication only. Additionally, DSBA handles learning problems
like AUC-maximization which cannot be tackled efficiently in the decentralized
setting. Experiments on convex minimization and AUC-maximization validate the
efficiency of our method.
|
Distributed Cartesian Power Graph Segmentation for Graphon Estimation | We study an extention of total variation denoising over images to over
Cartesian power graphs and its applications to estimating non-parametric
network models. The power graph fused lasso (PGFL) segments a matrix by
exploiting a known graphical structure, $G$, over the rows and columns. Our
main results shows that for any connected graph, under subGaussian noise, the
PGFL achieves the same mean-square error rate as 2D total variation denoising
for signals of bounded variation. We study the use of the PGFL for denoising an
observed network $H$, where we learn the graph $G$ as the $K$-nearest
neighborhood graph of an estimated metric over the vertices. We provide
theoretical and empirical results for estimating graphons, a non-parametric
exchangeable network model, and compare to the state of the art graphon
estimation methods.
|
Deep Graph Translation | Inspired by the tremendous success of deep generative models on generating
continuous data like image and audio, in the most recent year, few deep graph
generative models have been proposed to generate discrete data such as graphs.
They are typically unconditioned generative models which has no control on
modes of the graphs being generated. Differently, in this paper, we are
interested in a new problem named \emph{Deep Graph Translation}: given an input
graph, we want to infer a target graph based on their underlying (both global
and local) translation mapping. Graph translation could be highly desirable in
many applications such as disaster management and rare event forecasting, where
the rare and abnormal graph patterns (e.g., traffic congestions and terrorism
events) will be inferred prior to their occurrence even without historical data
on the abnormal patterns for this graph (e.g., a road network or human contact
network). To achieve this, we propose a novel Graph-Translation-Generative
Adversarial Networks (GT-GAN) which will generate a graph translator from input
to target graphs. GT-GAN consists of a graph translator where we propose new
graph convolution and deconvolution layers to learn the global and local
translation mapping. A new conditional graph discriminator has also been
proposed to classify target graphs by conditioning on input graphs. Extensive
experiments on multiple synthetic and real-world datasets demonstrate the
effectiveness and scalability of the proposed GT-GAN.
|
Learning from Multi-domain Artistic Images for Arbitrary Style Transfer | We propose a fast feed-forward network for arbitrary style transfer, which
can generate stylized image for previously unseen content and style image
pairs. Besides the traditional content and style representation based on deep
features and statistics for textures, we use adversarial networks to regularize
the generation of stylized images. Our adversarial network learns the intrinsic
property of image styles from large-scale multi-domain artistic images. The
adversarial training is challenging because both the input and output of our
generator are diverse multi-domain images. We use a conditional generator that
stylized content by shifting the statistics of deep features, and a conditional
discriminator based on the coarse category of styles. Moreover, we propose a
mask module to spatially decide the stylization level and stabilize adversarial
training by avoiding mode collapse. As a side effect, our trained discriminator
can be applied to rank and select representative stylized images. We
qualitatively and quantitatively evaluate the proposed method, and compare with
recent style transfer methods. We release our code and model at
https://github.com/nightldj/behance_release.
|
Safe learning-based optimal motion planning for automated driving | This paper presents preliminary work on learning the search heuristic for the
optimal motion planning for automated driving in urban traffic. Previous work
considered search-based optimal motion planning framework (SBOMP) that utilized
numerical or model-based heuristics that did not consider dynamic obstacles.
Optimal solution was still guaranteed since dynamic obstacles can only increase
the cost. However, significant variations in the search efficiency are observed
depending whether dynamic obstacles are present or not. This paper introduces
machine learning (ML) based heuristic that takes into account dynamic
obstacles, thus adding to the performance consistency for achieving real-time
implementation.
|
Learning to Propagate Labels: Transductive Propagation Network for
Few-shot Learning | The goal of few-shot learning is to learn a classifier that generalizes well
even when trained with a limited number of training instances per class. The
recently introduced meta-learning approaches tackle this problem by learning a
generic classifier across a large number of multiclass classification tasks and
generalizing the model to a new task. Yet, even with such meta-learning, the
low-data problem in the novel classification task still remains. In this paper,
we propose Transductive Propagation Network (TPN), a novel meta-learning
framework for transductive inference that classifies the entire test set at
once to alleviate the low-data problem. Specifically, we propose to learn to
propagate labels from labeled instances to unlabeled test instances, by
learning a graph construction module that exploits the manifold structure in
the data. TPN jointly learns both the parameters of feature embedding and the
graph construction in an end-to-end manner. We validate TPN on multiple
benchmark datasets, on which it largely outperforms existing few-shot learning
approaches and achieves the state-of-the-art results.
|
Masked Conditional Neural Networks for Environmental Sound
Classification | The ConditionaL Neural Network (CLNN) exploits the nature of the temporal
sequencing of the sound signal represented in a spectrogram, and its variant
the Masked ConditionaL Neural Network (MCLNN) induces the network to learn in
frequency bands by embedding a filterbank-like sparseness over the network's
links using a binary mask. Additionally, the masking automates the exploration
of different feature combinations concurrently analogous to handcrafting the
optimum combination of features for a recognition task. We have evaluated the
MCLNN performance using the Urbansound8k dataset of environmental sounds.
Additionally, we present a collection of manually recorded sounds for rail and
road traffic, YorNoise, to investigate the confusion rates among machine
generated sounds possessing low-frequency components. MCLNN has achieved
competitive results without augmentation and using 12% of the trainable
parameters utilized by an equivalent model based on state-of-the-art
Convolutional Neural Networks on the Urbansound8k. We extended the Urbansound8k
dataset with YorNoise, where experiments have shown that common tonal
properties affect the classification performance.
|
Finite Sample Analysis of LSTD with Random Projections and Eligibility
Traces | Policy evaluation with linear function approximation is an important problem
in reinforcement learning. When facing high-dimensional feature spaces, such a
problem becomes extremely hard considering the computation efficiency and
quality of approximations. We propose a new algorithm, LSTD($\lambda$)-RP,
which leverages random projection techniques and takes eligibility traces into
consideration to tackle the above two challenges. We carry out theoretical
analysis of LSTD($\lambda$)-RP, and provide meaningful upper bounds of the
estimation error, approximation error and total generalization error. These
results demonstrate that LSTD($\lambda$)-RP can benefit from random projection
and eligibility traces strategies, and LSTD($\lambda$)-RP can achieve better
performances than prior LSTD-RP and LSTD($\lambda$) algorithms.
|
KONG: Kernels for ordered-neighborhood graphs | We present novel graph kernels for graphs with node and edge labels that have
ordered neighborhoods, i.e. when neighbor nodes follow an order. Graphs with
ordered neighborhoods are a natural data representation for evolving graphs
where edges are created over time, which induces an order. Combining
convolutional subgraph kernels and string kernels, we design new scalable
algorithms for generation of explicit graph feature maps using sketching
techniques. We obtain precise bounds for the approximation accuracy and
computational complexity of the proposed approaches and demonstrate their
applicability on real datasets. In particular, our experiments demonstrate that
neighborhood ordering results in more informative features. For the special
case of general graphs, i.e. graphs without ordered neighborhoods, the new
graph kernels yield efficient and simple algorithms for the comparison of label
distributions between graphs.
|
Zeno: Distributed Stochastic Gradient Descent with Suspicion-based
Fault-tolerance | We present Zeno, a technique to make distributed machine learning,
particularly Stochastic Gradient Descent (SGD), tolerant to an arbitrary number
of faulty workers. Zeno generalizes previous results that assumed a majority of
non-faulty nodes; we need assume only one non-faulty worker. Our key idea is to
suspect workers that are potentially defective. Since this is likely to lead to
false positives, we use a ranking-based preference mechanism. We prove the
convergence of SGD for non-convex problems under these scenarios. Experimental
results show that Zeno outperforms existing approaches.
|
struc2gauss: Structural Role Preserving Network Embedding via Gaussian
Embedding | Network embedding (NE) is playing a principal role in network mining, due to
its ability to map nodes into efficient low-dimensional embedding vectors.
However, two major limitations exist in state-of-the-art NE methods: role
preservation and uncertainty modeling. Almost all previous methods represent a
node into a point in space and focus on local structural information, i.e.,
neighborhood information. However, neighborhood information does not capture
global structural information and point vector representation fails in modeling
the uncertainty of node representations. In this paper, we propose a new NE
framework, struc2gauss, which learns node representations in the space of
Gaussian distributions and performs network embedding based on global
structural information. struc2gauss first employs a given node similarity
metric to measure the global structural information, then generates structural
context for nodes and finally learns node representations via Gaussian
embedding. Different structural similarity measures of networks and energy
functions of Gaussian embedding are investigated. Experiments conducted on
real-world networks demonstrate that struc2gauss effectively captures global
structural information while state-of-the-art network embedding methods fail
to, outperforms other methods on the structure-based clustering and
classification task and provides more information on uncertainties of node
representations.
|
Bayesian estimation for large scale multivariate Ornstein-Uhlenbeck
model of brain connectivity | Estimation of reliable whole-brain connectivity is a crucial step towards the
use of connectivity information in quantitative approaches to the study of
neuropsychiatric disorders. When estimating brain connectivity a challenge is
imposed by the paucity of time samples and the large dimensionality of the
measurements. Bayesian estimation methods for network models offer a number of
advantages in this context but are not commonly employed. Here we compare three
different estimation methods for the multivariate Ornstein-Uhlenbeck model,
that has recently gained some popularity for characterizing whole-brain
connectivity. We first show that a Bayesian estimation of model parameters
assuming uniform priors is equivalent to an application of the method of
moments. Then, using synthetic data, we show that the Bayesian estimate scales
poorly with number of nodes in the network as compared to an iterative Lyapunov
optimization. In particular when the network size is in the order of that used
for whole-brain studies (about 100 nodes) the Bayesian method needs about eight
times more time samples than Lyapunov method in order to achieve similar
estimation accuracy. We also show that the higher estimation accuracy of
Lyapunov method is reflected in a much better classification of individuals
based on the estimated connectivity from a real dataset of BOLD fMRI. Finally
we show that the poor accuracy of Bayesian method is due to numerical errors,
when the imaginary part of the connectivity estimate gets large compared to its
real part.
|
Stochastic algorithms with descent guarantees for ICA | Independent component analysis (ICA) is a widespread data exploration
technique, where observed signals are modeled as linear mixtures of independent
components. From a machine learning point of view, it amounts to a matrix
factorization problem with a statistical independence criterion. Infomax is one
of the most used ICA algorithms. It is based on a loss function which is a
non-convex log-likelihood. We develop a new majorization-minimization framework
adapted to this loss function. We derive an online algorithm for the streaming
setting, and an incremental algorithm for the finite sum setting, with the
following benefits. First, unlike most algorithms found in the literature, the
proposed methods do not rely on any critical hyper-parameter like a step size,
nor do they require a line-search technique. Second, the algorithm for the
finite sum setting, although stochastic, guarantees a decrease of the loss
function at each iteration. Experiments demonstrate progress on the
state-of-the-art for large scale datasets, without the necessity for any manual
parameter tuning.
|
A Sliding-Window Algorithm for Markov Decision Processes with
Arbitrarily Changing Rewards and Transitions | We consider reinforcement learning in changing Markov Decision Processes
where both the state-transition probabilities and the reward functions may vary
over time. For this problem setting, we propose an algorithm using a sliding
window approach and provide performance guarantees for the regret evaluated
against the optimal non-stationary policy. We also characterize the optimal
window size suitable for our algorithm. These results are complemented by a
sample complexity bound on the number of sub-optimal steps taken by the
algorithm. Finally, we present some experimental results to support our
theoretical analysis.
|
Statistical Optimality of Stochastic Gradient Descent on Hard Learning
Problems through Multiple Passes | We consider stochastic gradient descent (SGD) for least-squares regression
with potentially several passes over the data. While several passes have been
widely reported to perform practically better in terms of predictive
performance on unseen data, the existing theoretical analysis of SGD suggests
that a single pass is statistically optimal. While this is true for
low-dimensional easy problems, we show that for hard problems, multiple passes
lead to statistically optimal predictions while single pass does not; we also
show that in these hard models, the optimal number of passes over the data
increases with sample size. In order to define the notion of hardness and show
that our predictive performances are optimal, we consider potentially
infinite-dimensional models and notions typically associated to kernel methods,
namely, the decay of eigenvalues of the covariance matrix of the features and
the complexity of the optimal predictor as measured through the covariance
matrix. We illustrate our results on synthetic experiments with non-linear
kernel methods and on a classical benchmark with a linear model.
|
Double Quantization for Communication-Efficient Distributed Optimization | Modern distributed training of machine learning models suffers from high
communication overhead for synchronizing stochastic gradients and model
parameters. In this paper, to reduce the communication complexity, we propose
\emph{double quantization}, a general scheme for quantizing both model
parameters and gradients. Three communication-efficient algorithms are proposed
under this general scheme. Specifically, (i) we propose a low-precision
algorithm AsyLPG with asynchronous parallelism, (ii) we explore integrating
gradient sparsification with double quantization and develop Sparse-AsyLPG,
(iii) we show that double quantization can also be accelerated by momentum
technique and design accelerated AsyLPG. We establish rigorous performance
guarantees for the algorithms, and conduct experiments on a multi-server
test-bed to demonstrate that our algorithms can effectively save transmitted
bits without performance degradation.
|
Analyzing high-dimensional time-series data using kernel transfer
operator eigenfunctions | Kernel transfer operators, which can be regarded as approximations of
transfer operators such as the Perron-Frobenius or Koopman operator in
reproducing kernel Hilbert spaces, are defined in terms of covariance and
cross-covariance operators and have been shown to be closely related to the
conditional mean embedding framework developed by the machine learning
community. The goal of this paper is to show how the dominant eigenfunctions of
these operators in combination with gradient-based optimization techniques can
be used to detect long-lived coherent patterns in high-dimensional time-series
data. The results will be illustrated using video data and a fluid flow
example.
|
The Reconstruction Approach: From Interpolation to Regression | This paper introduces an interpolation-based method, called the
reconstruction approach, for nonparametric regression. Based on the fact that
interpolation usually has negligible errors compared to statistical estimation,
the reconstruction approach uses an interpolator to parameterize the regression
function with its values at finite knots, and then estimates these values by
(regularized) least squares. Some popular methods including kernel ridge
regression can be viewed as its special cases. It is shown that, the
reconstruction idea not only provides different angles to look into existing
methods, but also produces new effective experimental design and estimation
methods for nonparametric models. In particular, for some methods of complexity
O(n3), where n is the sample size, this approach provides effective surrogates
with much less computational burden. This point makes it very suitable for
large datasets.
|
TADAM: Task dependent adaptive metric for improved few-shot learning | Few-shot learning has become essential for producing models that generalize
from few examples. In this work, we identify that metric scaling and metric
task conditioning are important to improve the performance of few-shot
algorithms. Our analysis reveals that simple metric scaling completely changes
the nature of few-shot algorithm parameter updates. Metric scaling provides
improvements up to 14% in accuracy for certain metrics on the mini-Imagenet
5-way 5-shot classification task. We further propose a simple and effective way
of conditioning a learner on the task sample set, resulting in learning a
task-dependent metric space. Moreover, we propose and empirically test a
practical end-to-end optimization procedure based on auxiliary task co-training
to learn a task-dependent metric space. The resulting few-shot learning model
based on the task-dependent scaled metric achieves state of the art on
mini-Imagenet. We confirm these results on another few-shot dataset that we
introduce in this paper based on CIFAR100. Our code is publicly available at
https://github.com/ElementAI/TADAM.
|
Dyna Planning using a Feature Based Generative Model | Dyna-style reinforcement learning is a powerful approach for problems where
not much real data is available. The main idea is to supplement real
trajectories, or sequences of sampled states over time, with simulated ones
sampled from a learned model of the environment. However, in large state
spaces, the problem of learning a good generative model of the environment has
been open so far. We propose to use deep belief networks to learn an
environment model for use in Dyna. We present our approach and validate it
empirically on problems where the state observations consist of images. Our
results demonstrate that using deep belief networks, which are full generative
models, significantly outperforms the use of linear expectation models,
proposed in Sutton et al. (2008)
|
Cross Domain Image Generation through Latent Space Exploration with
Adversarial Loss | Conditional domain generation is a good way to interactively control sample
generation process of deep generative models. However, once a conditional
generative model has been created, it is often expensive to allow it to adapt
to new conditional controls, especially the network structure is relatively
deep. We propose a conditioned latent domain transfer framework across latent
spaces of unconditional variational autoencoders(VAE). With this framework, we
can allow unconditionally trained VAEs to generate images in its domain with
conditionals provided by a latent representation of another domain. This
framework does not assume commonalities between two domains. We demonstrate
effectiveness and robustness of our model under widely used image datasets.
|
Laplacian Networks: Bounding Indicator Function Smoothness for Neural
Network Robustness | For the past few years, Deep Neural Network (DNN) robustness has become a
question of paramount importance. As a matter of fact, in sensitive settings
misclassification can lead to dramatic consequences. Such misclassifications
are likely to occur when facing adversarial attacks, hardware failures or
limitations, and imperfect signal acquisition. To address this question,
authors have proposed different approaches aiming at increasing the robustness
of DNNs, such as adding regularizers or training using noisy examples. In this
paper we propose a new regularizer built upon the Laplacian of similarity
graphs obtained from the representation of training data at each layer of the
DNN architecture. This regularizer penalizes large changes (across consecutive
layers in the architecture) in the distance between examples of different
classes, and as such enforces smooth variations of the class boundaries. Since
it is agnostic to the type of deformations that are expected when predicting
with the DNN, the proposed regularizer can be combined with existing ad-hoc
methods. We provide theoretical justification for this regularizer and
demonstrate its effectiveness to improve robustness of DNNs on classical
supervised learning vision datasets.
|
Futuristic Classification with Dynamic Reference Frame Strategy | Classification is one of the widely used analytical techniques in data
science domain across different business to associate a pattern which
contribute to the occurrence of certain event which is predicted with some
likelihood. This Paper address a lacuna of creating some time window before the
prediction actually happen to enable organizations some space to act on the
prediction. There are some really good state of the art machine learning
techniques to optimally identify the possible churners in either customer base
or employee base, similarly for fault prediction too if the prediction does not
come with some buffer time to act on the fault it is very difficult to provide
a seamless experience to the user. New concept of reference frame creation is
introduced to solve this problem in this paper
|
A Lifelong Learning Approach to Brain MR Segmentation Across Scanners
and Protocols | Convolutional neural networks (CNNs) have shown promising results on several
segmentation tasks in magnetic resonance (MR) images. However, the accuracy of
CNNs may degrade severely when segmenting images acquired with different
scanners and/or protocols as compared to the training data, thus limiting their
practical utility. We address this shortcoming in a lifelong multi-domain
learning setting by treating images acquired with different scanners or
protocols as samples from different, but related domains. Our solution is a
single CNN with shared convolutional filters and domain-specific batch
normalization layers, which can be tuned to new domains with only a few
($\approx$ 4) labelled images. Importantly, this is achieved while retaining
performance on the older domains whose training data may no longer be
available. We evaluate the method for brain structure segmentation in MR
images. Results demonstrate that the proposed method largely closes the gap to
the benchmark, which is training a dedicated CNN for each scanner.
|
A Generative Model for Inverse Design of Metamaterials | The advent of two-dimensional metamaterials in recent years has ushered in a
revolutionary means to manipulate the behavior of light on the nanoscale. The
effective parameters of these architected materials render unprecedented
control over the optical properties of light, thereby eliciting previously
unattainable applications in flat lenses, holographic imaging, and emission
control among others. The design of such structures, to date, has relied on the
expertise of an optical scientist to guide a progression of electromagnetic
simulations that iteratively solve Maxwell's equations until a locally
optimized solution can be attained. In this work, we identify a solution to
circumvent this intuition-guided design by means of a deep learning
architecture. When fed an input set of optical spectra, the constructed
generative network assimilates a candidate pattern from a user-defined dataset
of geometric structures in order to match the input spectra. The generated
metamaterial patterns demonstrate high fidelity, yielding equivalent optical
spectra at an average accuracy of about 0.9. This approach reveals an
opportunity to expedite the discovery and design of metasurfaces for tailored
optical responses in a systematic, inverse-design manner.
|
Maximizing acquisition functions for Bayesian optimization | Bayesian optimization is a sample-efficient approach to global optimization
that relies on theoretically motivated value heuristics (acquisition functions)
to guide its search process. Fully maximizing acquisition functions produces
the Bayes' decision rule, but this ideal is difficult to achieve since these
functions are frequently non-trivial to optimize. This statement is especially
true when evaluating queries in parallel, where acquisition functions are
routinely non-convex, high-dimensional, and intractable. We first show that
acquisition functions estimated via Monte Carlo integration are consistently
amenable to gradient-based optimization. Subsequently, we identify a common
family of acquisition functions, including EI and UCB, whose properties not
only facilitate but justify use of greedy approaches for their maximization.
|
Adversarial examples from computational constraints | Why are classifiers in high dimension vulnerable to "adversarial"
perturbations? We show that it is likely not due to information theoretic
limitations, but rather it could be due to computational constraints.
First we prove that, for a broad set of classification tasks, the mere
existence of a robust classifier implies that it can be found by a possibly
exponential-time algorithm with relatively few training examples. Then we give
a particular classification task where learning a robust classifier is
computationally intractable. More precisely we construct a binary
classification task in high dimensional space which is (i) information
theoretically easy to learn robustly for large perturbations, (ii) efficiently
learnable (non-robustly) by a simple linear separator, (iii) yet is not
efficiently robustly learnable, even for small perturbations, by any algorithm
in the statistical query (SQ) model. This example gives an exponential
separation between classical learning and robust learning in the statistical
query model. It suggests that adversarial examples may be an unavoidable
byproduct of computational limitations of learning algorithms.
|
Multimodal Sentiment Analysis To Explore the Structure of Emotions | We propose a novel approach to multimodal sentiment analysis using deep
neural networks combining visual analysis and natural language processing. Our
goal is different than the standard sentiment analysis goal of predicting
whether a sentence expresses positive or negative sentiment; instead, we aim to
infer the latent emotional state of the user. Thus, we focus on predicting the
emotion word tags attached by users to their Tumblr posts, treating these as
"self-reported emotions." We demonstrate that our multimodal model combining
both text and image features outperforms separate models based solely on either
images or text. Our model's results are interpretable, automatically yielding
sensible word lists associated with emotions. We explore the structure of
emotions implied by our model and compare it to what has been posited in the
psychology literature, and validate our model on a set of images that have been
used in psychology studies. Finally, our work also provides a useful tool for
the growing academic study of images - both photographs and memes - on social
networks.
|
On the Estimation of Entropy in the FastICA Algorithm | The fastICA method is a popular dimension reduction technique used to reveal
patterns in data. Here we show both theoretically and in practice that the
approximations used in fastICA can result in patterns not being successfully
recognised. We demonstrate this problem using a two-dimensional example where a
clear structure is immediately visible to the naked eye, but where the
projection chosen by fastICA fails to reveal this structure. This implies that
care is needed when applying fastICA. We discuss how the problem arises and how
it is intrinsically connected to the approximations that form the basis of the
computational efficiency of fastICA.
|
Multiview Learning of Weighted Majority Vote by Bregman Divergence
Minimization | We tackle the issue of classifier combinations when observations have
multiple views. Our method jointly learns view-specific weighted majority vote
classifiers (i.e. for each view) over a set of base voters, and a second
weighted majority vote classifier over the set of these view-specific weighted
majority vote classifiers. We show that the empirical risk minimization of the
final majority vote given a multiview training set can be cast as the
minimization of Bregman divergences. This allows us to derive a parallel-update
optimization algorithm for learning our multiview model. We empirically study
our algorithm with a particular focus on the impact of the training set size on
the multiview learning results. The experiments show that our approach is able
to overcome the lack of labeled information.
|
Graph Oracle Models, Lower Bounds, and Gaps for Parallel Stochastic
Optimization | We suggest a general oracle-based framework that captures different parallel
stochastic optimization settings described by a dependency graph, and derive
generic lower bounds in terms of this graph. We then use the framework and
derive lower bounds for several specific parallel optimization settings,
including delayed updates and parallel processing with intermittent
communication. We highlight gaps between lower and upper bounds on the oracle
complexity, and cases where the "natural" algorithms are not known to be
optimal.
|
How Much Restricted Isometry is Needed In Nonconvex Matrix Recovery? | When the linear measurements of an instance of low-rank matrix recovery
satisfy a restricted isometry property (RIP)---i.e. they are approximately
norm-preserving---the problem is known to contain no spurious local minima, so
exact recovery is guaranteed. In this paper, we show that moderate RIP is not
enough to eliminate spurious local minima, so existing results can only hold
for near-perfect RIP. In fact, counterexamples are ubiquitous: we prove that
every x is the spurious local minimum of a rank-1 instance of matrix recovery
that satisfies RIP. One specific counterexample has RIP constant $\delta=1/2$,
but causes randomly initialized stochastic gradient descent (SGD) to fail 12%
of the time. SGD is frequently able to avoid and escape spurious local minima,
but this empirical result shows that it can occasionally be defeated by their
existence. Hence, while exact recovery guarantees will likely require a proof
of no spurious local minima, arguments based solely on norm preservation will
only be applicable to a narrow set of nearly-isotropic instances.
|
Parallel Architecture and Hyperparameter Search via Successive Halving
and Classification | We present a simple and powerful algorithm for parallel black box
optimization called Successive Halving and Classification (SHAC). The algorithm
operates in $K$ stages of parallel function evaluations and trains a cascade of
binary classifiers to iteratively cull the undesirable regions of the search
space. SHAC is easy to implement, requires no tuning of its own configuration
parameters, is invariant to the scale of the objective function and can be
built using any choice of binary classifier. We adopt tree-based classifiers
within SHAC and achieve competitive performance against several strong
baselines for optimizing synthetic functions, hyperparameters and
architectures.
|
Learning Restricted Boltzmann Machines via Influence Maximization | Graphical models are a rich language for describing high-dimensional
distributions in terms of their dependence structure. While there are
algorithms with provable guarantees for learning undirected graphical models in
a variety of settings, there has been much less progress in the important
scenario when there are latent variables. Here we study Restricted Boltzmann
Machines (or RBMs), which are a popular model with wide-ranging applications in
dimensionality reduction, collaborative filtering, topic modeling, feature
extraction and deep learning.
The main message of our paper is a strong dichotomy in the feasibility of
learning RBMs, depending on the nature of the interactions between variables:
ferromagnetic models can be learned efficiently, while general models cannot.
In particular, we give a simple greedy algorithm based on influence
maximization to learn ferromagnetic RBMs with bounded degree. In fact, we learn
a description of the distribution on the observed variables as a Markov Random
Field. Our analysis is based on tools from mathematical physics that were
developed to show the concavity of magnetization. Our algorithm extends
straighforwardly to general ferromagnetic Ising models with latent variables.
Conversely, we show that even for a contant number of latent variables with
constant degree, without ferromagneticity the problem is as hard as sparse
parity with noise. This hardness result is based on a sharp and surprising
characterization of the representational power of bounded degree RBMs: the
distribution on their observed variables can simulate any bounded order MRF.
This result is of independent interest since RBMs are the building blocks of
deep belief networks.
|
Training verified learners with learned verifiers | This paper proposes a new algorithmic framework, predictor-verifier training,
to train neural networks that are verifiable, i.e., networks that provably
satisfy some desired input-output properties. The key idea is to simultaneously
train two networks: a predictor network that performs the task at hand,e.g.,
predicting labels given inputs, and a verifier network that computes a bound on
how well the predictor satisfies the properties being verified. Both networks
can be trained simultaneously to optimize a weighted combination of the
standard data-fitting loss and a term that bounds the maximum violation of the
property. Experiments show that not only is the predictor-verifier architecture
able to train networks to achieve state of the art verified robustness to
adversarial examples with much shorter training times (outperforming previous
algorithms on small datasets like MNIST and SVHN), but it can also be scaled to
produce the first known (to the best of our knowledge) verifiably robust
networks for CIFAR-10.
|
Using transfer learning to detect galaxy mergers | We investigate the use of deep convolutional neural networks (deep CNNs) for
automatic visual detection of galaxy mergers. Moreover, we investigate the use
of transfer learning in conjunction with CNNs, by retraining networks first
trained on pictures of everyday objects. We test the hypothesis that transfer
learning is useful for improving classification performance for small training
sets. This would make transfer learning useful for finding rare objects in
astronomical imaging datasets. We find that these deep learning methods perform
significantly better than current state-of-the-art merger detection methods
based on nonparametric systems like CAS and GM$_{20}$. Our method is end-to-end
and robust to image noise and distortions; it can be applied directly without
image preprocessing. We also find that transfer learning can act as a
regulariser in some cases, leading to better overall classification accuracy
($p = 0.02$). Transfer learning on our full training set leads to a lowered
error rate from 0.038 $\pm$ 1 down to 0.032 $\pm$ 1, a relative improvement of
15%. Finally, we perform a basic sanity-check by creating a merger sample with
our method, and comparing with an already existing, manually created merger
catalogue in terms of colour-mass distribution and stellar mass function.
|
Learning Self-Imitating Diverse Policies | The success of popular algorithms for deep reinforcement learning, such as
policy-gradients and Q-learning, relies heavily on the availability of an
informative reward signal at each timestep of the sequential decision-making
process. When rewards are only sparsely available during an episode, or a
rewarding feedback is provided only after episode termination, these algorithms
perform sub-optimally due to the difficultly in credit assignment.
Alternatively, trajectory-based policy optimization methods, such as
cross-entropy method and evolution strategies, do not require per-timestep
rewards, but have been found to suffer from high sample complexity by
completing forgoing the temporal nature of the problem. Improving the
efficiency of RL algorithms in real-world problems with sparse or episodic
rewards is therefore a pressing need. In this work, we introduce a
self-imitation learning algorithm that exploits and explores well in the sparse
and episodic reward settings. We view each policy as a state-action visitation
distribution and formulate policy optimization as a divergence minimization
problem. We show that with Jensen-Shannon divergence, this divergence
minimization problem can be reduced into a policy-gradient algorithm with
shaped rewards learned from experience replays. Experimental results indicate
that our algorithm works comparable to existing algorithms in environments with
dense rewards, and significantly better in environments with sparse and
episodic rewards. We then discuss limitations of self-imitation learning, and
propose to solve them by using Stein variational policy gradient descent with
the Jensen-Shannon kernel to learn multiple diverse policies. We demonstrate
its effectiveness on a challenging variant of continuous-control MuJoCo
locomotion tasks.
|
Enhancing the Accuracy and Fairness of Human Decision Making | Societies often rely on human experts to take a wide variety of decisions
affecting their members, from jail-or-release decisions taken by judges and
stop-and-frisk decisions taken by police officers to accept-or-reject decisions
taken by academics. In this context, each decision is taken by an expert who is
typically chosen uniformly at random from a pool of experts. However, these
decisions may be imperfect due to limited experience, implicit biases, or
faulty probabilistic reasoning. Can we improve the accuracy and fairness of the
overall decision making process by optimizing the assignment between experts
and decisions?
In this paper, we address the above problem from the perspective of
sequential decision making and show that, for different fairness notions from
the literature, it reduces to a sequence of (constrained) weighted bipartite
matchings, which can be solved efficiently using algorithms with approximation
guarantees. Moreover, these algorithms also benefit from posterior sampling to
actively trade off exploitation---selecting expert assignments which lead to
accurate and fair decisions---and exploration---selecting expert assignments to
learn about the experts' preferences and biases. We demonstrate the
effectiveness of our algorithms on both synthetic and real-world data and show
that they can significantly improve both the accuracy and fairness of the
decisions taken by pools of experts.
|
An end-to-end Differentially Private Latent Dirichlet Allocation Using a
Spectral Algorithm | We provide an end-to-end differentially private spectral algorithm for
learning LDA, based on matrix/tensor decompositions, and establish theoretical
guarantees on utility/consistency of the estimated model parameters. The
spectral algorithm consists of multiple algorithmic steps, named as "{edges}",
to which noise could be injected to obtain differential privacy. We identify
\emph{subsets of edges}, named as "{configurations}", such that adding noise to
all edges in such a subset guarantees differential privacy of the end-to-end
spectral algorithm. We characterize the sensitivity of the edges with respect
to the input and thus estimate the amount of noise to be added to each edge for
any required privacy level. We then characterize the utility loss for each
configuration as a function of injected noise. Overall, by combining the
sensitivity and utility characterization, we obtain an end-to-end
differentially private spectral algorithm for LDA and identify the
corresponding configuration that outperforms others in any specific regime. We
are the first to achieve utility guarantees under the required level of
differential privacy for learning in LDA. Overall our method systematically
outperforms differentially private variational inference.
|
Guaranteed Simultaneous Asymmetric Tensor Decomposition via
Orthogonalized Alternating Least Squares | Tensor CANDECOMP/PARAFAC (CP) decomposition is an important tool that solves
a wide class of machine learning problems. Existing popular approaches recover
components one by one, not necessarily in the order of larger components first.
Recently developed simultaneous power method obtains only a high probability
recovery of top $r$ components even when the observed tensor is noiseless. We
propose a Slicing Initialized Alternating Subspace Iteration (s-ASI) method
that is guaranteed to recover top $r$ components ($\epsilon$-close)
simultaneously for (a)symmetric tensors almost surely under the noiseless case
(with high probability for a bounded noise) using $O(\log(\log
\frac{1}{\epsilon}))$ steps of tensor subspace iterations. Our s-ASI method
introduces a Slice-Based Initialization that runs
$O(1/\log(\frac{\lambda_r}{\lambda_{r+1}}))$ steps of matrix subspace
iterations, where $\lambda_r$ denotes the r-th top singular value of the
tensor. We are the first to provide a theoretical guarantee on simultaneous
orthogonal asymmetric tensor decomposition. Under the noiseless case, we are
the first to provide an \emph{almost sure} theoretical guarantee on
simultaneous orthogonal tensor decomposition. When tensor is noisy, our
algorithm for asymmetric tensor is robust to noise smaller than
$\min\{O(\frac{(\lambda_r - \lambda_{r+1})\epsilon}{\sqrt{r}}),
O(\delta_0\frac{\lambda_r -\lambda_{r+1}}{\sqrt{d}})\}$, where $\delta_0$ is a
small constant proportional to the probability of bad initializations in the
noisy setting.
|
Tensorial Neural Networks: Generalization of Neural Networks and
Application to Model Compression | We propose tensorial neural networks (TNNs), a generalization of existing
neural networks by extending tensor operations on low order operands to those
on high order ones. The problem of parameter learning is challenging, as it
corresponds to hierarchical nonlinear tensor decomposition. We propose to solve
the learning problem using stochastic gradient descent by deriving nontrivial
backpropagation rules in generalized tensor algebra we introduce. Our proposed
TNNs has three advantages over existing neural networks: (1) TNNs naturally
apply to high order input object and thus preserve the multi-dimensional
structure in the input, as there is no need to flatten the data. (2) TNNs
interpret designs of existing neural network architectures. (3) Mapping a
neural network to TNNs with the same expressive power results in a TNN of fewer
parameters. TNN based compression of neural network improves existing low-rank
approximation based compression methods as TNNs exploit two other types of
invariant structures, periodicity and modulation, in addition to the low
rankness. Experiments on LeNet-5 (MNIST), ResNet-32 (CIFAR10) and ResNet-50
(ImageNet) demonstrate that our TNN based compression outperforms (5% test
accuracy improvement universally on CIFAR10) the state-of-the-art low-rank
approximation based compression methods under the same compression rate,
besides achieving orders of magnitude faster convergence rates due to the
efficiency of TNNs.
|
Self-Net: Lifelong Learning via Continual Self-Modeling | Learning a set of tasks over time, also known as continual learning (CL), is
one of the most challenging problems in artificial intelligence. While recent
approaches achieve some degree of CL in deep neural networks, they either (1)
grow the network parameters linearly with the number of tasks, (2) require
storing training data from previous tasks, or (3) restrict the network's
ability to learn new tasks. To address these issues, we propose a novel
framework, Self-Net, that uses an autoencoder to learn a set of low-dimensional
representations of the weights learned for different tasks. We demonstrate that
these low-dimensional vectors can then be used to generate high-fidelity
recollections of the original weights. Self-Net can incorporate new tasks over
time with little retraining and with minimal loss in performance for older
tasks. Our system does not require storing prior training data and its
parameters grow only logarithmically with the number of tasks. We show that our
technique outperforms current state-of-the-art approaches on numerous
datasets---including continual versions of MNIST, CIFAR10, CIFAR100, and
Atari---and we demonstrate that our method can achieve over 10X storage
compression in a continual fashion. To the best of our knowledge, we are the
first to use autoencoders to sequentially encode sets of network weights to
enable continual learning.
|
Detecting Deceptive Reviews using Generative Adversarial Networks | In the past few years, consumer review sites have become the main target of
deceptive opinion spam, where fictitious opinions or reviews are deliberately
written to sound authentic. Most of the existing work to detect the deceptive
reviews focus on building supervised classifiers based on syntactic and lexical
patterns of an opinion. With the successful use of Neural Networks on various
classification applications, in this paper, we propose FakeGAN a system that
for the first time augments and adopts Generative Adversarial Networks (GANs)
for a text classification task, in particular, detecting deceptive reviews.
Unlike standard GAN models which have a single Generator and Discriminator
model, FakeGAN uses two discriminator models and one generative model. The
generator is modeled as a stochastic policy agent in reinforcement learning
(RL), and the discriminators use Monte Carlo search algorithm to estimate and
pass the intermediate action-value as the RL reward to the generator. Providing
the generator model with two discriminator models avoids the mod collapse issue
by learning from both distributions of truthful and deceptive reviews. Indeed,
our experiments show that using two discriminators provides FakeGAN high
stability, which is a known issue for GAN architectures. While FakeGAN is built
upon a semi-supervised classifier, known for less accuracy, our evaluation
results on a dataset of TripAdvisor hotel reviews show the same performance in
terms of accuracy as of the state-of-the-art approaches that apply supervised
machine learning. These results indicate that GANs can be effective for text
classification tasks. Specifically, FakeGAN is effective at detecting deceptive
reviews.
|
Zeroth-Order Stochastic Variance Reduction for Nonconvex Optimization | As application demands for zeroth-order (gradient-free) optimization
accelerate, the need for variance reduced and faster converging approaches is
also intensifying. This paper addresses these challenges by presenting: a) a
comprehensive theoretical analysis of variance reduced zeroth-order (ZO)
optimization, b) a novel variance reduced ZO algorithm, called ZO-SVRG, and c)
an experimental evaluation of our approach in the context of two compelling
applications, black-box chemical material classification and generation of
adversarial examples from black-box deep neural network models. Our theoretical
analysis uncovers an essential difficulty in the analysis of ZO-SVRG: the
unbiased assumption on gradient estimates no longer holds. We prove that
compared to its first-order counterpart, ZO-SVRG with a two-point random
gradient estimator could suffer an additional error of order $O(1/b)$, where
$b$ is the mini-batch size. To mitigate this error, we propose two accelerated
versions of ZO-SVRG utilizing variance reduced gradient estimators, which
achieve the best rate known for ZO stochastic optimization (in terms of
iterations). Our extensive experimental results show that our approaches
outperform other state-of-the-art ZO algorithms, and strike a balance between
the convergence rate and the function query complexity.
|
Stable Recurrent Models | Stability is a fundamental property of dynamical systems, yet to this date it
has had little bearing on the practice of recurrent neural networks. In this
work, we conduct a thorough investigation of stable recurrent models.
Theoretically, we prove stable recurrent neural networks are well approximated
by feed-forward networks for the purpose of both inference and training by
gradient descent. Empirically, we demonstrate stable recurrent models often
perform as well as their unstable counterparts on benchmark sequence tasks.
Taken together, these findings shed light on the effective power of recurrent
networks and suggest much of sequence learning happens, or can be made to
happen, in the stable regime. Moreover, our results help to explain why in many
cases practitioners succeed in replacing recurrent models by feed-forward
models.
|
Ergodic Inference: Accelerate Convergence by Optimisation | Statistical inference methods are fundamentally important in machine
learning. Most state-of-the-art inference algorithms are variants of Markov
chain Monte Carlo (MCMC) or variational inference (VI). However, both methods
struggle with limitations in practice: MCMC methods can be computationally
demanding; VI methods may have large bias. In this work, we aim to improve upon
MCMC and VI by a novel hybrid method based on the idea of reducing simulation
bias of finite-length MCMC chains using gradient-based optimisation. The
proposed method can generate low-biased samples by increasing the length of
MCMC simulation and optimising the MCMC hyper-parameters, which offers
attractive balance between approximation bias and computational efficiency. We
show that our method produces promising results on popular benchmarks when
compared to recent hybrid methods of MCMC and VI.
|
Gradient Coding via the Stochastic Block Model | Gradient descent and its many variants, including mini-batch stochastic
gradient descent, form the algorithmic foundation of modern large-scale machine
learning. Due to the size and scale of modern data, gradient computations are
often distributed across multiple compute nodes. Unfortunately, such
distributed implementations can face significant delays caused by straggler
nodes, i.e., nodes that are much slower than average. Gradient coding is a new
technique for mitigating the effect of stragglers via algorithmic redundancy.
While effective, previously proposed gradient codes can be computationally
expensive to construct, inaccurate, or susceptible to adversarial stragglers.
In this work, we present the stochastic block code (SBC), a gradient code based
on the stochastic block model. We show that SBCs are efficient, accurate, and
that under certain settings, adversarial straggler selection becomes as hard as
detecting a community structure in the multiple community, block stochastic
graph model.
|
Large-scale Distance Metric Learning with Uncertainty | Distance metric learning (DML) has been studied extensively in the past
decades for its superior performance with distance-based algorithms. Most of
the existing methods propose to learn a distance metric with pairwise or
triplet constraints. However, the number of constraints is quadratic or even
cubic in the number of the original examples, which makes it challenging for
DML to handle the large-scale data set. Besides, the real-world data may
contain various uncertainty, especially for the image data. The uncertainty can
mislead the learning procedure and cause the performance degradation. By
investigating the image data, we find that the original data can be observed
from a small set of clean latent examples with different distortions. In this
work, we propose the margin preserving metric learning framework to learn the
distance metric and latent examples simultaneously. By leveraging the ideal
properties of latent examples, the training efficiency can be improved
significantly while the learned metric also becomes robust to the uncertainty
in the original data. Furthermore, we can show that the metric is learned from
latent examples only, but it can preserve the large margin property even for
the original data. The empirical study on the benchmark image data sets
demonstrates the efficacy and efficiency of the proposed method.
|
Three-Dimensional Radiotherapy Dose Prediction on Head and Neck Cancer
Patients with a Hierarchically Densely Connected U-net Deep Learning
Architecture | The treatment planning process for patients with head and neck (H&N) cancer
is regarded as one of the most complicated due to large target volume, multiple
prescription dose levels, and many radiation-sensitive critical structures near
the target. Treatment planning for this site requires a high level of human
expertise and a tremendous amount of effort to produce personalized high
quality plans, taking as long as a week, which deteriorates the chances of
tumor control and patient survival. To solve this problem, we propose to
investigate a deep learning-based dose prediction model, Hierarchically Densely
Connected U-net, based on two highly popular network architectures: U-net and
DenseNet. We find that this new architecture is able to accurately and
efficiently predict the dose distribution, outperforming the other two models,
the Standard U-net and DenseNet, in homogeneity, dose conformity, and dose
coverage on the test data. Averaging across all organs at risk, our proposed
model is capable of predicting the organ-at-risk max dose within 6.3% and mean
dose within 5.1% of the prescription dose on the test data. The other models,
the Standard U-net and DenseNet, performed worse, having an averaged
organ-at-risk max dose prediction error of 8.2% and 9.3%, respectively, and
averaged mean dose prediction error of 6.4% and 6.8%, respectively. In
addition, our proposed model used 12 times less trainable parameters than the
Standard U-net, and predicted the patient dose 4 times faster than DenseNet.
|
Deep Convolutional Neural Networks for Map-Type Classification | Maps are an important medium that enable people to comprehensively understand
the configuration of cultural activities and natural elements over different
times and places. Although massive maps are available in the digital era, how
to effectively and accurately access the required map remains a challenge
today. Previous works partially related to map-type classification mainly
focused on map comparison and map matching at the local scale. The features
derived from local map areas might be insufficient to characterize map content.
To facilitate establishing an automatic approach for accessing the needed map,
this paper reports our investigation into using deep learning techniques to
recognize seven types of map, including topographic map, terrain map, physical
map, urban scene map, the National Map, 3D map, nighttime map, orthophoto map,
and land cover classification map. Experimental results show that the
state-of-the-art deep convolutional neural networks can support automatic
map-type classification. Additionally, the classification accuracy varies
according to different map-types. We hope our work can contribute to the
implementation of deep learning techniques in cartographical community and
advance the progress of Geographical Artificial Intelligence (GeoAI).
|
Robust Nonparametric Regression under Huber's $\epsilon$-contamination
Model | We consider the non-parametric regression problem under Huber's
$\epsilon$-contamination model, in which an $\epsilon$ fraction of observations
are subject to arbitrary adversarial noise. We first show that a simple local
binning median step can effectively remove the adversary noise and this median
estimator is minimax optimal up to absolute constants over the H\"{o}lder
function class with smoothness parameters smaller than or equal to 1.
Furthermore, when the underlying function has higher smoothness, we show that
using local binning median as pre-preprocessing step to remove the adversarial
noise, then we can apply any non-parametric estimator on top of the medians. In
particular we show local median binning followed by kernel smoothing and local
polynomial regression achieve minimaxity over H\"{o}lder and Sobolev classes
with arbitrary smoothness parameters. Our main proof technique is a decoupled
analysis of adversary noise and stochastic noise, which can be potentially
applied to other robust estimation problems. We also provide numerical results
to verify the effectiveness of our proposed methods.
|
Semi-supervised Deep Kernel Learning: Regression with Unlabeled Data by
Minimizing Predictive Variance | Large amounts of labeled data are typically required to train deep learning
models. For many real-world problems, however, acquiring additional data can be
expensive or even impossible. We present semi-supervised deep kernel learning
(SSDKL), a semi-supervised regression model based on minimizing predictive
variance in the posterior regularization framework. SSDKL combines the
hierarchical representation learning of neural networks with the probabilistic
modeling capabilities of Gaussian processes. By leveraging unlabeled data, we
show improvements on a diverse set of real-world regression tasks over
supervised deep kernel learning and semi-supervised methods such as VAT and
mean teacher adapted for regression.
|
The Singular Values of Convolutional Layers | We characterize the singular values of the linear transformation associated
with a standard 2D multi-channel convolutional layer, enabling their efficient
computation. This characterization also leads to an algorithm for projecting a
convolutional layer onto an operator-norm ball. We show that this is an
effective regularizer; for example, it improves the test error of a deep
residual network using batch normalization on CIFAR-10 from 6.2\% to 5.3\%.
|
Fast Policy Learning through Imitation and Reinforcement | Imitation learning (IL) consists of a set of tools that leverage expert
demonstrations to quickly learn policies. However, if the expert is suboptimal,
IL can yield policies with inferior performance compared to reinforcement
learning (RL). In this paper, we aim to provide an algorithm that combines the
best aspects of RL and IL. We accomplish this by formulating several popular RL
and IL algorithms in a common mirror descent framework, showing that these
algorithms can be viewed as a variation on a single approach. We then propose
LOKI, a strategy for policy learning that first performs a small but random
number of IL iterations before switching to a policy gradient RL method. We
show that if the switching time is properly randomized, LOKI can learn to
outperform a suboptimal expert and converge faster than running policy gradient
from scratch. Finally, we evaluate the performance of LOKI experimentally in
several simulated environments.
|
Multichannel Sparse Blind Deconvolution on the Sphere | Multichannel blind deconvolution is the problem of recovering an unknown
signal $f$ and multiple unknown channels $x_i$ from their circular convolution
$y_i=x_i \circledast f$ ($i=1,2,\dots,N$). We consider the case where the
$x_i$'s are sparse, and convolution with $f$ is invertible. Our nonconvex
optimization formulation solves for a filter $h$ on the unit sphere that
produces sparse output $y_i\circledast h$. Under some technical assumptions, we
show that all local minima of the objective function correspond to the inverse
filter of $f$ up to an inherent sign and shift ambiguity, and all saddle points
have strictly negative curvatures. This geometric structure allows successful
recovery of $f$ and $x_i$ using a simple manifold gradient descent (MGD)
algorithm. Our theoretical findings are complemented by numerical experiments,
which demonstrate superior performance of the proposed approach over the
previous methods.
|
Geometric Understanding of Deep Learning | Deep learning is the mainstream technique for many machine learning tasks,
including image recognition, machine translation, speech recognition, and so
on. It has outperformed conventional methods in various fields and achieved
great successes. Unfortunately, the understanding on how it works remains
unclear. It has the central importance to lay down the theoretic foundation for
deep learning.
In this work, we give a geometric view to understand deep learning: we show
that the fundamental principle attributing to the success is the manifold
structure in data, namely natural high dimensional data concentrates close to a
low-dimensional manifold, deep learning learns the manifold and the probability
distribution on it.
We further introduce the concepts of rectified linear complexity for deep
neural network measuring its learning capability, rectified linear complexity
of an embedding manifold describing the difficulty to be learned. Then we show
for any deep neural network with fixed architecture, there exists a manifold
that cannot be learned by the network. Finally, we propose to apply optimal
mass transportation theory to control the probability distribution in the
latent space.
|
Intensive Preprocessing of KDD Cup 99 for Network Intrusion
Classification Using Machine Learning Techniques | Network security engineers work to keep services available all the time by
handling intruder attacks. Intrusion Detection System (IDS) is one of the
obtainable mechanism that used to sense and classify any abnormal actions.
Therefore, the IDS must be always up to date with the latest intruder attacks
signatures to preserve confidentiality, integrity and availability of the
services. The speed of the IDS is very important issue as well learning the new
attacks. This research work illustrates how the Knowledge Discovery and Data
Mining (or Knowledge Discovery in Databases) KDD dataset is very handy for
testing and evaluating different Machine Learning Techniques. It mainly focuses
on the KDD preprocess part in order to prepare a decent and fair experimental
data set. The techniques J48, Random Forest, Random Tree, MLP, Na\"ive Bayes
and Bayes Network classifiers have been chosen for this study. It has been
proven that the Random forest classifier has achieved the highest accuracy rate
for detecting and classifying all KDD dataset attacks, which are of type (DOS,
R2L, U2R, and PROBE)
|
Revisiting Reweighted Wake-Sleep for Models with Stochastic Control Flow | Stochastic control-flow models (SCFMs) are a class of generative models that
involve branching on choices from discrete random variables. Amortized
gradient-based learning of SCFMs is challenging as most approaches targeting
discrete variables rely on their continuous relaxations---which can be
intractable in SCFMs, as branching on relaxations requires evaluating all
(exponentially many) branching paths. Tractable alternatives mainly combine
REINFORCE with complex control-variate schemes to improve the variance of naive
estimators. Here, we revisit the reweighted wake-sleep (RWS) (Bornschein and
Bengio, 2015) algorithm, and through extensive evaluations, show that it
outperforms current state-of-the-art methods in learning SCFMs. Further, in
contrast to the importance weighted autoencoder, we observe that RWS learns
better models and inference networks with increasing numbers of particles. Our
results suggest that RWS is a competitive, often preferable, alternative for
learning SCFMs.
|
Nonlinear Inductive Matrix Completion based on One-layer Neural Networks | The goal of a recommendation system is to predict the interest of a user in a
given item by exploiting the existing set of ratings as well as certain
user/item features. A standard approach to modeling this problem is Inductive
Matrix Completion where the predicted rating is modeled as an inner product of
the user and the item features projected onto a latent space. In order to learn
the parameters effectively from a small number of observed ratings, the latent
space is constrained to be low-dimensional which implies that the parameter
matrix is constrained to be low-rank. However, such bilinear modeling of the
ratings can be limiting in practice and non-linear prediction functions can
lead to significant improvements. A natural approach to introducing
non-linearity in the prediction function is to apply a non-linear activation
function on top of the projected user/item features. Imposition of
non-linearities further complicates an already challenging problem that has two
sources of non-convexity: a) low-rank structure of the parameter matrix, and b)
non-linear activation function. We show that one can still solve the non-linear
Inductive Matrix Completion problem using gradient descent type methods as long
as the solution is initialized well. That is, close to the optima, the
optimization function is strongly convex and hence admits standard optimization
techniques, at least for certain activation functions, such as Sigmoid and
tanh. We also highlight the importance of the activation function and show how
ReLU can behave significantly differently than say a sigmoid function. Finally,
we apply our proposed technique to recommendation systems and semi-supervised
clustering, and show that our method can lead to much better performance than
standard linear Inductive Matrix Completion methods.
|
Stable Geodesic Update on Hyperbolic Space and its Application to
Poincare Embeddings | A hyperbolic space has been shown to be more capable of modeling complex
networks than a Euclidean space. This paper proposes an explicit update rule
along geodesics in a hyperbolic space. The convergence of our algorithm is
theoretically guaranteed, and the convergence rate is better than the
conventional Euclidean gradient descent algorithm. Moreover, our algorithm
avoids the "bias" problem of existing methods using the Riemannian gradient.
Experimental results demonstrate the good performance of our algorithm in the
\Poincare embeddings of knowledge base data.
|
Automatic context window composition for distant speech recognition | Distant speech recognition is being revolutionized by deep learning, that has
contributed to significantly outperform previous HMM-GMM systems. A key aspect
behind the rapid rise and success of DNNs is their ability to better manage
large time contexts. With this regard, asymmetric context windows that embed
more past than future frames have been recently used with feed-forward neural
networks. This context configuration turns out to be useful not only to address
low-latency speech recognition, but also to boost the recognition performance
under reverberant conditions. This paper investigates on the mechanisms
occurring inside DNNs, which lead to an effective application of asymmetric
contexts.In particular, we propose a novel method for automatic context window
composition based on a gradient analysis. The experiments, performed with
different acoustic environments, features, DNN architectures, microphone
settings, and recognition tasks show that our simple and efficient strategy
leads to a less redundant frame configuration, which makes DNN training more
effective in reverberant scenarios.
|
Deep Learning Topological Invariants of Band Insulators | In this work we design and train deep neural networks to predict topological
invariants for one-dimensional four-band insulators in AIII class whose
topological invariant is the winding number, and two-dimensional two-band
insulators in A class whose topological invariant is the Chern number. Given
Hamiltonians in the momentum space as the input, neural networks can predict
topological invariants for both classes with accuracy close to or higher than
90%, even for Hamiltonians whose invariants are beyond the training data set.
Despite the complexity of the neural network, we find that the output of
certain intermediate hidden layers resembles either the winding angle for
models in AIII class or the solid angle (Berry curvature) for models in A
class, indicating that neural networks essentially capture the mathematical
formula of topological invariants. Our work demonstrates the ability of neural
networks to predict topological invariants for complicated models with local
Hamiltonians as the only input, and offers an example that even a deep neural
network is understandable.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.