title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Deep Fluids: A Generative Network for Parameterized Fluid Simulations
|
This paper presents a novel generative model to synthesize fluid simulations
from a set of reduced parameters. A convolutional neural network is trained on
a collection of discrete, parameterizable fluid simulation velocity fields. Due
to the capability of deep learning architectures to learn representative
features of the data, our generative model is able to accurately approximate
the training data set, while providing plausible interpolated in-betweens. The
proposed generative model is optimized for fluids by a novel loss function that
guarantees divergence-free velocity fields at all times. In addition, we
demonstrate that we can handle complex parameterizations in reduced spaces, and
advance simulations in time by integrating in the latent space with a second
network. Our method models a wide variety of fluid behaviors, thus enabling
applications such as fast construction of simulations, interpolation of fluids
with different parameters, time re-sampling, latent space simulations, and
compression of fluid simulation data. Reconstructed velocity fields are
generated up to 700x faster than re-simulating the data with the underlying CPU
solver, while achieving compression rates of up to 1300x.
|
Convolutional Sequence to Sequence Non-intrusive Load Monitoring
|
A convolutional sequence to sequence non-intrusive load monitoring model is
proposed in this paper. Gated linear unit convolutional layers are used to
extract information from the sequences of aggregate electricity consumption.
Residual blocks are also introduced to refine the output of the neural network.
The partially overlapped output sequences of the network are averaged to
produce the final output of the model. We apply the proposed model to the REDD
dataset and compare it with the convolutional sequence to point model in the
literature. Results show that the proposed model is able to give satisfactory
disaggregation performance for appliances with varied characteristics.
|
Efficient Differentiable Programming in a Functional Array-Processing
Language
|
We present a system for the automatic differentiation of a higher-order
functional array-processing language. The core functional language underlying
this system simultaneously supports both source-to-source automatic
differentiation and global optimizations such as loop transformations. Thanks
to this feature, we demonstrate how for some real-world machine learning and
computer vision benchmarks, the system outperforms the state-of-the-art
automatic differentiation tools.
|
A New Framework for Machine Intelligence: Concepts and Prototype
|
Machine learning (ML) and artificial intelligence (AI) have become hot topics
in many information processing areas, from chatbots to scientific data
analysis. At the same time, there is uncertainty about the possibility of
extending predominant ML technologies to become general solutions with
continuous learning capabilities. Here, a simple, yet comprehensive,
theoretical framework for intelligent systems is presented. A combination of
Mirror Compositional Representations (MCR) and a Solution-Critic Loop (SCL) is
proposed as a generic approach for different types of problems. A prototype
implementation is presented for document comparison using English Wikipedia
corpus.
|
Adversarial Auto-encoders for Speech Based Emotion Recognition
|
Recently, generative adversarial networks and adversarial autoencoders have
gained a lot of attention in machine learning community due to their
exceptional performance in tasks such as digit classification and face
recognition. They map the autoencoder's bottleneck layer output (termed as code
vectors) to different noise Probability Distribution Functions (PDFs), that can
be further regularized to cluster based on class information. In addition, they
also allow a generation of synthetic samples by sampling the code vectors from
the mapped PDFs. Inspired by these properties, we investigate the application
of adversarial autoencoders to the domain of emotion recognition. Specifically,
we conduct experiments on the following two aspects: (i) their ability to
encode high dimensional feature vector representations for emotional utterances
into a compressed space (with a minimal loss of emotion class discriminability
in the compressed space), and (ii) their ability to regenerate synthetic
samples in the original feature space, to be later used for purposes such as
training emotion recognition classifiers. We demonstrate the promise of
adversarial autoencoders with regards to these aspects on the Interactive
Emotional Dyadic Motion Capture (IEMOCAP) corpus and present our analysis.
|
StarGAN-VC: Non-parallel many-to-many voice conversion with star
generative adversarial networks
|
This paper proposes a method that allows non-parallel many-to-many voice
conversion (VC) by using a variant of a generative adversarial network (GAN)
called StarGAN. Our method, which we call StarGAN-VC, is noteworthy in that it
(1) requires no parallel utterances, transcriptions, or time alignment
procedures for speech generator training, (2) simultaneously learns
many-to-many mappings across different attribute domains using a single
generator network, (3) is able to generate converted speech signals quickly
enough to allow real-time implementations and (4) requires only several minutes
of training examples to generate reasonably realistic-sounding speech.
Subjective evaluation experiments on a non-parallel many-to-many speaker
identity conversion task revealed that the proposed method obtained higher
sound quality and speaker similarity than a state-of-the-art method based on
variational autoencoding GANs.
|
Boosting Black Box Variational Inference
|
Approximating a probability density in a tractable manner is a central task
in Bayesian statistics. Variational Inference (VI) is a popular technique that
achieves tractability by choosing a relatively simple variational family.
Borrowing ideas from the classic boosting framework, recent approaches attempt
to \emph{boost} VI by replacing the selection of a single density with a
greedily constructed mixture of densities. In order to guarantee convergence,
previous works impose stringent assumptions that require significant effort for
practitioners. Specifically, they require a custom implementation of the greedy
step (called the LMO) for every probabilistic model with respect to an
unnatural variational family of truncated distributions. Our work fixes these
issues with novel theoretical and algorithmic insights. On the theoretical
side, we show that boosting VI satisfies a relaxed smoothness assumption which
is sufficient for the convergence of the functional Frank-Wolfe (FW) algorithm.
Furthermore, we rephrase the LMO problem and propose to maximize the Residual
ELBO (RELBO) which replaces the standard ELBO optimization in VI. These
theoretical enhancements allow for black box implementation of the boosting
subroutine. Finally, we present a stopping criterion drawn from the duality gap
in the classic FW analyses and exhaustive experiments to illustrate the
usefulness of our theoretical and algorithmic contributions.
|
Mitigation of Policy Manipulation Attacks on Deep Q-Networks with
Parameter-Space Noise
|
Recent developments have established the vulnerability of deep reinforcement
learning to policy manipulation attacks via intentionally perturbed inputs,
known as adversarial examples. In this work, we propose a technique for
mitigation of such attacks based on addition of noise to the parameter space of
deep reinforcement learners during training. We experimentally verify the
effect of parameter-space noise in reducing the transferability of adversarial
examples, and demonstrate the promising performance of this technique in
mitigating the impact of whitebox and blackbox attacks at both test and
training times.
|
GraKeL: A Graph Kernel Library in Python
|
The problem of accurately measuring the similarity between graphs is at the
core of many applications in a variety of disciplines. Graph kernels have
recently emerged as a promising approach to this problem. There are now many
kernels, each focusing on different structural aspects of graphs. Here, we
present GraKeL, a library that unifies several graph kernels into a common
framework. The library is written in Python and adheres to the scikit-learn
interface. It is simple to use and can be naturally combined with
scikit-learn's modules to build a complete machine learning pipeline for tasks
such as graph classification and clustering. The code is BSD licensed and is
available at: https://github.com/ysig/GraKeL .
|
SOM-VAE: Interpretable Discrete Representation Learning on Time Series
|
High-dimensional time series are common in many domains. Since human
cognition is not optimized to work well in high-dimensional spaces, these areas
could benefit from interpretable low-dimensional representations. However, most
representation learning algorithms for time series data are difficult to
interpret. This is due to non-intuitive mappings from data features to salient
properties of the representation and non-smoothness over time. To address this
problem, we propose a new representation learning framework building on ideas
from interpretable discrete dimensionality reduction and deep generative
modeling. This framework allows us to learn discrete representations of time
series, which give rise to smooth and interpretable embeddings with superior
clustering performance. We introduce a new way to overcome the
non-differentiability in discrete representation learning and present a
gradient-based version of the traditional self-organizing map algorithm that is
more performant than the original. Furthermore, to allow for a probabilistic
interpretation of our method, we integrate a Markov model in the representation
space. This model uncovers the temporal transition structure, improves
clustering performance even further and provides additional explanatory
insights as well as a natural representation of uncertainty. We evaluate our
model in terms of clustering performance and interpretability on static
(Fashion-)MNIST data, a time series of linearly interpolated (Fashion-)MNIST
images, a chaotic Lorenz attractor system with two macro states, as well as on
a challenging real world medical time series application on the eICU data set.
Our learned representations compare favorably with competitor methods and
facilitate downstream tasks on the real world data.
|
Spectral Inference Networks: Unifying Deep and Spectral Learning
|
We present Spectral Inference Networks, a framework for learning
eigenfunctions of linear operators by stochastic optimization. Spectral
Inference Networks generalize Slow Feature Analysis to generic symmetric
operators, and are closely related to Variational Monte Carlo methods from
computational physics. As such, they can be a powerful tool for unsupervised
representation learning from video or graph-structured data. We cast training
Spectral Inference Networks as a bilevel optimization problem, which allows for
online learning of multiple eigenfunctions. We show results of training
Spectral Inference Networks on problems in quantum mechanics and feature
learning for videos on synthetic datasets. Our results demonstrate that
Spectral Inference Networks accurately recover eigenfunctions of linear
operators and can discover interpretable representations from video in a fully
unsupervised manner.
|
Improving the Privacy and Accuracy of ADMM-Based Distributed Algorithms
|
Alternating direction method of multiplier (ADMM) is a popular method used to
design distributed versions of a machine learning algorithm, whereby local
computations are performed on local data with the output exchanged among
neighbors in an iterative fashion. During this iterative process the leakage of
data privacy arises. A differentially private ADMM was proposed in prior work
(Zhang & Zhu, 2017) where only the privacy loss of a single node during one
iteration was bounded, a method that makes it difficult to balance the tradeoff
between the utility attained through distributed computation and privacy
guarantees when considering the total privacy loss of all nodes over the entire
iterative process. We propose a perturbation method for ADMM where the
perturbed term is correlated with the penalty parameters; this is shown to
improve the utility and privacy simultaneously. The method is based on a
modified ADMM where each node independently determines its own penalty
parameter in every iteration and decouples it from the dual updating step size.
The condition for convergence of the modified ADMM and the lower bound on the
convergence rate are also derived.
|
TopRank: A practical algorithm for online stochastic ranking
|
Online learning to rank is a sequential decision-making problem where in each
round the learning agent chooses a list of items and receives feedback in the
form of clicks from the user. Many sample-efficient algorithms have been
proposed for this problem that assume a specific click model connecting
rankings and user behavior. We propose a generalized click model that
encompasses many existing models, including the position-based and cascade
models. Our generalization motivates a novel online learning algorithm based on
topological sort, which we call TopRank. TopRank is (a) more natural than
existing algorithms, (b) has stronger regret guarantees than existing
algorithms with comparable generality, (c) has a more insightful proof that
leaves the door open to many generalizations, (d) outperforms existing
algorithms empirically.
|
Causal Bandits with Propagating Inference
|
Bandit is a framework for designing sequential experiments. In each
experiment, a learner selects an arm $A \in \mathcal{A}$ and obtains an
observation corresponding to $A$. Theoretically, the tight regret lower-bound
for the general bandit is polynomial with respect to the number of arms
$|\mathcal{A}|$. This makes bandit incapable of handling an exponentially large
number of arms, hence the bandit problem with side-information is often
considered to overcome this lower bound. Recently, a bandit framework over a
causal graph was introduced, where the structure of the causal graph is
available as side-information. A causal graph is a fundamental model that is
frequently used with a variety of real problems. In this setting, the arms are
identified with interventions on a given causal graph, and the effect of an
intervention propagates throughout all over the causal graph. The task is to
find the best intervention that maximizes the expected value on a target node.
Existing algorithms for causal bandit overcame the
$\Omega(\sqrt{|\mathcal{A}|/T})$ simple-regret lower-bound; however, their
algorithms work only when the interventions $\mathcal{A}$ are localized around
a single node (i.e., an intervention propagates only to its neighbors).
We propose a novel causal bandit algorithm for an arbitrary set of
interventions, which can propagate throughout the causal graph. We also show
that it achieves $O(\sqrt{ \gamma^*\log(|\mathcal{A}|T) / T})$ regret bound,
where $\gamma^*$ is determined by using a causal graph structure. In
particular, if the in-degree of the causal graph is bounded, then $\gamma^* =
O(N^2)$, where $N$ is the number $N$ of nodes.
|
Adversarial Regression with Multiple Learners
|
Despite the considerable success enjoyed by machine learning techniques in
practice, numerous studies demonstrated that many approaches are vulnerable to
attacks. An important class of such attacks involves adversaries changing
features at test time to cause incorrect predictions. Previous investigations
of this problem pit a single learner against an adversary. However, in many
situations an adversary's decision is aimed at a collection of learners, rather
than specifically targeted at each independently. We study the problem of
adversarial linear regression with multiple learners. We approximate the
resulting game by exhibiting an upper bound on learner loss functions, and show
that the resulting game has a unique symmetric equilibrium. We present an
algorithm for computing this equilibrium, and show through extensive
experiments that equilibrium models are significantly more robust than
conventional regularized linear regression.
|
Doubly Robust Bayesian Inference for Non-Stationary Streaming Data with
$\beta$-Divergences
|
We present the very first robust Bayesian Online Changepoint Detection
algorithm through General Bayesian Inference (GBI) with $\beta$-divergences.
The resulting inference procedure is doubly robust for both the parameter and
the changepoint (CP) posterior, with linear time and constant space complexity.
We provide a construction for exponential models and demonstrate it on the
Bayesian Linear Regression model. In so doing, we make two additional
contributions: Firstly, we make GBI scalable using Structural Variational
approximations that are exact as $\beta \to 0$. Secondly, we give a principled
way of choosing the divergence parameter $\beta$ by minimizing expected
predictive loss on-line. Reducing False Discovery Rates of CPs from more than
90% to 0% on real world data, this offers the state of the art.
|
Finding the bandit in a graph: Sequential search-and-stop
|
We consider the problem where an agent wants to find a hidden object that is
randomly located in some vertex of a directed acyclic graph (DAG) according to
a fixed but possibly unknown distribution. The agent can only examine vertices
whose in-neighbors have already been examined. In this paper, we address a
learning setting where we allow the agent to stop before having found the
object and restart searching on a new independent instance of the same problem.
Our goal is to maximize the total number of hidden objects found given a time
budget. The agent can thus skip an instance after realizing that it would spend
too much time on it. Our contributions are both to the search theory and
multi-armed bandits. If the distribution is known, we provide a quasi-optimal
and efficient stationary strategy. If the distribution is unknown, we
additionally show how to sequentially approximate it and, at the same time, act
near-optimally in order to collect as many hidden objects as possible.
|
DPatch: An Adversarial Patch Attack on Object Detectors
|
Object detectors have emerged as an indispensable module in modern computer
vision systems. In this work, we propose DPatch -- a black-box
adversarial-patch-based attack towards mainstream object detectors (i.e. Faster
R-CNN and YOLO). Unlike the original adversarial patch that only manipulates
image-level classifier, our DPatch simultaneously attacks the bounding box
regression and object classification so as to disable their predictions.
Compared to prior works, DPatch has several appealing properties: (1) DPatch
can perform both untargeted and targeted effective attacks, degrading the mAP
of Faster R-CNN and YOLO from 75.10% and 65.7% down to below 1%, respectively.
(2) DPatch is small in size and its attacking effect is location-independent,
making it very practical to implement real-world attacks. (3) DPatch
demonstrates great transferability among different detectors as well as
training datasets. For example, DPatch that is trained on Faster R-CNN can
effectively attack YOLO, and vice versa. Extensive evaluations imply that
DPatch can perform effective attacks under black-box setup, i.e., even without
the knowledge of the attacked network's architectures and parameters.
Successful realization of DPatch also illustrates the intrinsic vulnerability
of the modern detector architectures to such patch-based adversarial attacks.
|
Data-driven Probabilistic Atlases Capture Whole-brain Individual
Variation
|
Probabilistic atlases provide essential spatial contextual information for
image interpretation, Bayesian modeling, and algorithmic processing. Such
atlases are typically constructed by grouping subjects with similar demographic
information. Importantly, use of the same scanner minimizes inter-group
variability. However, generalizability and spatial specificity of such
approaches is more limited than one might like. Inspired by Commowick
"Frankenstein's creature paradigm" which builds a personal specific anatomical
atlas, we propose a data-driven framework to build a personal specific
probabilistic atlas under the large-scale data scheme. The data-driven
framework clusters regions with similar features using a point distribution
model to learn different anatomical phenotypes. Regional structural atlases and
corresponding regional probabilistic atlases are used as indices and targets in
the dictionary. By indexing the dictionary, the whole brain probabilistic
atlases adapt to each new subject quickly and can be used as spatial priors for
visualization and processing. The novelties of this approach are (1) it
provides a new perspective of generating personal specific whole brain
probabilistic atlases (132 regions) under data-driven scheme across sites. (2)
The framework employs the large amount of heterogeneous data (2349 images). (3)
The proposed framework achieves low computational cost since only one affine
registration and Pearson correlation operation are required for a new subject.
Our method matches individual regions better with higher Dice similarity value
when testing the probabilistic atlases. Importantly, the advantage the
large-scale scheme is demonstrated by the better performance of using
large-scale training data (1888 images) than smaller training set (720 images).
|
Randomized Value Functions via Multiplicative Normalizing Flows
|
Randomized value functions offer a promising approach towards the challenge
of efficient exploration in complex environments with high dimensional state
and action spaces. Unlike traditional point estimate methods, randomized value
functions maintain a posterior distribution over action-space values. This
prevents the agent's behavior policy from prematurely exploiting early
estimates and falling into local optima. In this work, we leverage recent
advances in variational Bayesian neural networks and combine these with
traditional Deep Q-Networks (DQN) and Deep Deterministic Policy Gradient (DDPG)
to achieve randomized value functions for high-dimensional domains. In
particular, we augment DQN and DDPG with multiplicative normalizing flows in
order to track a rich approximate posterior distribution over the parameters of
the value function. This allows the agent to perform approximate Thompson
sampling in a computationally efficient manner via stochastic gradient methods.
We demonstrate the benefits of our approach through an empirical comparison in
high dimensional environments.
|
Learning Kolmogorov Models for Binary Random Variables
|
We summarize our recent findings, where we proposed a framework for learning
a Kolmogorov model, for a collection of binary random variables. More
specifically, we derive conditions that link outcomes of specific random
variables, and extract valuable relations from the data. We also propose an
algorithm for computing the model and show its first-order optimality, despite
the combinatorial nature of the learning problem. We apply the proposed
algorithm to recommendation systems, although it is applicable to other
scenarios. We believe that the work is a significant step toward interpretable
machine learning.
|
Conditional Linear Regression
|
Work in machine learning and statistics commonly focuses on building models
that capture the vast majority of data, possibly ignoring a segment of the
population as outliers. However, there does not often exist a good model on the
whole dataset, so we seek to find a small subset where there exists a useful
model. We are interested in finding a linear rule capable of achieving more
accurate predictions for just a segment of the population. We give an efficient
algorithm with theoretical analysis for the conditional linear regression task,
which is the joint task of identifying a significant segment of the population,
described by a k-DNF, along with its linear regression fit.
|
Mitigating Bias in Adaptive Data Gathering via Differential Privacy
|
Data that is gathered adaptively --- via bandit algorithms, for example ---
exhibits bias. This is true both when gathering simple numeric valued data ---
the empirical means kept track of by stochastic bandit algorithms are biased
downwards --- and when gathering more complicated data --- running hypothesis
tests on complex data gathered via contextual bandit algorithms leads to false
discovery. In this paper, we show that this problem is mitigated if the data
collection procedure is differentially private. This lets us both bound the
bias of simple numeric valued quantities (like the empirical means of
stochastic bandit algorithms), and correct the p-values of hypothesis tests run
on the adaptively gathered data. Moreover, there exist differentially private
bandit algorithms with near optimal regret bounds: we apply existing theorems
in the simple stochastic case, and give a new analysis for linear contextual
bandits. We complement our theoretical results with experiments validating our
theory.
|
Spatial Frequency Loss for Learning Convolutional Autoencoders
|
This paper presents a learning method for convolutional autoencoders (CAEs)
for extracting features from images. CAEs can be obtained by utilizing
convolutional neural networks to learn an approximation to the identity
function in an unsupervised manner. The loss function based on the pixel loss
(PL) that is the mean squared error between the pixel values of original and
reconstructed images is the common choice for learning. However, using the loss
function leads to blurred reconstructed images. A method for learning CAEs
using a loss function computed from features reflecting spatial frequencies is
proposed to mitigate the problem. The blurs in reconstructed images show lack
of high spatial frequency components mainly constituting edges and detailed
textures that are important features for tasks such as object detection and
spatial matching. In order to evaluate the lack of components, a convolutional
layer with a Laplacian filter bank as weights is added to CAEs and the mean
squared error of features in a subband, called the spatial frequency loss
(SFL), is computed from the outputs of each filter. The learning is performed
using a loss function based on the SFL. Empirical evaluation demonstrates that
using the SFL reduces the blurs in reconstructed images.
|
Towards Dependability Metrics for Neural Networks
|
Artificial neural networks (NN) are instrumental in realizing
highly-automated driving functionality. An overarching challenge is to identify
best safety engineering practices for NN and other learning-enabled components.
In particular, there is an urgent need for an adequate set of metrics for
measuring all-important NN dependability attributes. We address this challenge
by proposing a number of NN-specific and efficiently computable metrics for
measuring NN dependability attributes including robustness, interpretability,
completeness, and correctness.
|
Adversarial Attack on Graph Structured Data
|
Deep learning on graph structures has shown exciting results in various
applications. However, few attentions have been paid to the robustness of such
models, in contrast to numerous research work for image or text adversarial
attack and defense. In this paper, we focus on the adversarial attacks that
fool the model by modifying the combinatorial structure of data. We first
propose a reinforcement learning based attack method that learns the
generalizable attack policy, while only requiring prediction labels from the
target classifier. Also, variants of genetic algorithms and gradient methods
are presented in the scenario where prediction confidence or gradients are
available. We use both synthetic and real-world data to show that, a family of
Graph Neural Network models are vulnerable to these attacks, in both
graph-level and node-level classification tasks. We also show such attacks can
be used to diagnose the learned classifiers.
|
Fast Context-Annotated Classification of Different Types of Web Service
Descriptions
|
In the recent rapid growth of web services, IoT, and cloud computing, many
web services and APIs appeared on the web. With the failure of global UDDI
registries, different service repositories started to appear, trying to list
and categorize various types of web services for client applications' discover
and use. In order to increase the effectiveness and speed up the task of
finding compatible Web Services in the brokerage when performing service
composition or suggesting Web Services to the requests, high-level
functionality of the service needs to be determined. Due to the lack of
structured support for specifying such functionality, classification of
services into a set of abstract categories is necessary. We employ a wide range
of Machine Learning and Signal Processing algorithms and techniques in order to
find the highest precision achievable in the scope of this article for the fast
classification of three type of service descriptions: WSDL, REST, and WADL. In
addition, we complement our approach by showing the importance and effect of
contextual information on the classification of the service descriptions and
show that it improves the accuracy in 5 different categories of services.
|
Understanding Batch Normalization
|
Batch normalization (BN) is a technique to normalize activations in
intermediate layers of deep neural networks. Its tendency to improve accuracy
and speed up training have established BN as a favorite technique in deep
learning. Yet, despite its enormous success, there remains little consensus on
the exact reason and mechanism behind these improvements. In this paper we take
a step towards a better understanding of BN, following an empirical approach.
We conduct several experiments, and show that BN primarily enables training
with larger learning rates, which is the cause for faster convergence and
better generalization. For networks without BN we demonstrate how large
gradient updates can result in diverging loss and activations growing
uncontrollably with network depth, which limits possible learning rates. BN
avoids this problem by constantly correcting activations to be zero-mean and of
unit standard deviation, which enables larger gradient steps, yields faster
convergence and may help bypass sharp local minima. We further show various
ways in which gradients and activations of deep unnormalized networks are
ill-behaved. We contrast our results against recent findings in random matrix
theory, shedding new light on classical initialization schemes and their
consequences.
|
Causal Interventions for Fairness
|
Most approaches in algorithmic fairness constrain machine learning methods so
the resulting predictions satisfy one of several intuitive notions of fairness.
While this may help private companies comply with non-discrimination laws or
avoid negative publicity, we believe it is often too little, too late. By the
time the training data is collected, individuals in disadvantaged groups have
already suffered from discrimination and lost opportunities due to factors out
of their control. In the present work we focus instead on interventions such as
a new public policy, and in particular, how to maximize their positive effects
while improving the fairness of the overall system. We use causal methods to
model the effects of interventions, allowing for potential interference--each
individual's outcome may depend on who else receives the intervention. We
demonstrate this with an example of allocating a budget of teaching resources
using a dataset of schools in New York City.
|
Variational Autoencoder with Arbitrary Conditioning
|
We propose a single neural probabilistic model based on variational
autoencoder that can be conditioned on an arbitrary subset of observed features
and then sample the remaining features in "one shot". The features may be both
real-valued and categorical. Training of the model is performed by stochastic
variational Bayes. The experimental evaluation on synthetic data, as well as
feature imputation and image inpainting problems, shows the effectiveness of
the proposed approach and diversity of the generated samples.
|
Not All Attributes are Created Equal: $d_{\mathcal{X}}$-Private
Mechanisms for Linear Queries
|
Differential privacy provides strong privacy guarantees simultaneously
enabling useful insights from sensitive datasets. However, it provides the same
level of protection for all elements (individuals and attributes) in the data.
There are practical scenarios where some data attributes need more/less
protection than others. In this paper, we consider $d_{\mathcal{X}}$-privacy,
an instantiation of the privacy notion introduced in
\cite{chatzikokolakis2013broadening}, which allows this flexibility by
specifying a separate privacy budget for each pair of elements in the data
domain. We describe a systematic procedure to tailor any existing
differentially private mechanism that assumes a query set and a sensitivity
vector as input into its $d_{\mathcal{X}}$-private variant, specifically
focusing on linear queries. Our proposed meta procedure has broad applications
as linear queries form the basis of a range of data analysis and machine
learning algorithms, and the ability to define a more flexible privacy budget
across the data domain results in improved privacy/utility tradeoff in these
applications. We propose several $d_{\mathcal{X}}$-private mechanisms, and
provide theoretical guarantees on the trade-off between utility and privacy. We
also experimentally demonstrate the effectiveness of our procedure, by
evaluating our proposed $d_{\mathcal{X}}$-private Laplace mechanism on both
synthetic and real datasets using a set of randomly generated linear queries.
|
Variational Implicit Processes
|
We introduce the implicit processes (IPs), a stochastic process that places
implicitly defined multivariate distributions over any finite collections of
random variables. IPs are therefore highly flexible implicit priors over
functions, with examples including data simulators, Bayesian neural networks
and non-linear transformations of stochastic processes. A novel and efficient
approximate inference algorithm for IPs, namely the variational implicit
processes (VIPs), is derived using generalised wake-sleep updates. This method
returns simple update equations and allows scalable hyper-parameter learning
with stochastic optimization. Experiments show that VIPs return better
uncertainty estimates and lower errors over existing inference methods for
challenging models such as Bayesian neural networks, and Gaussian processes.
|
Localized Structured Prediction
|
Key to structured prediction is exploiting the problem structure to simplify
the learning process. A major challenge arises when data exhibit a local
structure (e.g., are made by "parts") that can be leveraged to better
approximate the relation between (parts of) the input and (parts of) the
output. Recent literature on signal processing, and in particular computer
vision, has shown that capturing these aspects is indeed essential to achieve
state-of-the-art performance. While such algorithms are typically derived on a
case-by-case basis, in this work we propose the first theoretical framework to
deal with part-based data from a general perspective. We derive a novel
approach to deal with these problems and study its generalization properties
within the setting of statistical learning theory. Our analysis is novel in
that it explicitly quantifies the benefits of leveraging the part-based
structure of the problem with respect to the learning rates of the proposed
estimator.
|
Human-aided Multi-Entity Bayesian Networks Learning from Relational Data
|
An Artificial Intelligence (AI) system is an autonomous system which emulates
human mental and physical activities such as Observe, Orient, Decide, and Act,
called the OODA process. An AI system performing the OODA process requires a
semantically rich representation to handle a complex real world situation and
ability to reason under uncertainty about the situation. Multi-Entity Bayesian
Networks (MEBNs) combines First-Order Logic with Bayesian Networks for
representing and reasoning about uncertainty in complex, knowledge-rich
domains. MEBN goes beyond standard Bayesian networks to enable reasoning about
an unknown number of entities interacting with each other in various types of
relationships, a key requirement for the OODA process of an AI system. MEBN
models have heretofore been constructed manually by a domain expert. However,
manual MEBN modeling is labor-intensive and insufficiently agile. To address
these problems, an efficient method is needed for MEBN modeling. One of the
methods is to use machine learning to learn a MEBN model in whole or in part
from data. In the era of Big Data, data-rich environments, characterized by
uncertainty and complexity, have become ubiquitous. The larger the data sample
is, the more accurate the results of the machine learning approach can be.
Therefore, machine learning has potential to improve the quality of MEBN models
as well as the effectiveness for MEBN modeling. In this research, we study a
MEBN learning framework to develop a MEBN model from a combination of domain
expert's knowledge and data. To evaluate the MEBN learning framework, we
conduct an experiment to compare the MEBN learning framework and the existing
manual MEBN modeling in terms of development efficiency.
|
Deep Variational Reinforcement Learning for POMDPs
|
Many real-world sequential decision making problems are partially observable
by nature, and the environment model is typically unknown. Consequently, there
is great need for reinforcement learning methods that can tackle such problems
given only a stream of incomplete and noisy observations. In this paper, we
propose deep variational reinforcement learning (DVRL), which introduces an
inductive bias that allows an agent to learn a generative model of the
environment and perform inference in that model to effectively aggregate the
available information. We develop an n-step approximation to the evidence lower
bound (ELBO), allowing the model to be trained jointly with the policy. This
ensures that the latent state representation is suitable for the control task.
In experiments on Mountain Hike and flickering Atari we show that our method
outperforms previous approaches relying on recurrent neural networks to encode
the past.
|
Deep Reinforcement Learning for General Video Game AI
|
The General Video Game AI (GVGAI) competition and its associated software
framework provides a way of benchmarking AI algorithms on a large number of
games written in a domain-specific description language. While the competition
has seen plenty of interest, it has so far focused on online planning,
providing a forward model that allows the use of algorithms such as Monte Carlo
Tree Search.
In this paper, we describe how we interface GVGAI to the OpenAI Gym
environment, a widely used way of connecting agents to reinforcement learning
problems. Using this interface, we characterize how widely used implementations
of several deep reinforcement learning algorithms fare on a number of GVGAI
games. We further analyze the results to provide a first indication of the
relative difficulty of these games relative to each other, and relative to
those in the Arcade Learning Environment under similar conditions.
|
A Finite Time Analysis of Temporal Difference Learning With Linear
Function Approximation
|
Temporal difference learning (TD) is a simple iterative algorithm used to
estimate the value function corresponding to a given policy in a Markov
decision process. Although TD is one of the most widely used algorithms in
reinforcement learning, its theoretical analysis has proved challenging and few
guarantees on its statistical efficiency are available. In this work, we
provide a simple and explicit finite time analysis of temporal difference
learning with linear function approximation. Except for a few key insights, our
analysis mirrors standard techniques for analyzing stochastic gradient descent
algorithms, and therefore inherits the simplicity and elegance of that
literature. Final sections of the paper show how all of our main results extend
to the study of TD learning with eligibility traces, known as TD($\lambda$),
and to Q-learning applied in high-dimensional optimal stopping problems.
|
MEBN-RM: A Mapping between Multi-Entity Bayesian Network and Relational
Model
|
Multi-Entity Bayesian Network (MEBN) is a knowledge representation formalism
combining Bayesian Networks (BN) with First-Order Logic (FOL). MEBN has
sufficient expressive power for general-purpose knowledge representation and
reasoning. Developing a MEBN model to support a given application is a
challenge, requiring definition of entities, relationships, random variables,
conditional dependence relationships, and probability distributions. When
available, data can be invaluable both to improve performance and to streamline
development. By far the most common format for available data is the relational
database (RDB). Relational databases describe and organize data according to
the Relational Model (RM). Developing a MEBN model from data stored in an RDB
therefore requires mapping between the two formalisms. This paper presents
MEBN-RM, a set of mapping rules between key elements of MEBN and RM. We
identify links between the two languages (RM and MEBN) and define four levels
of mapping from elements of RM to elements of MEBN. These definitions are
implemented in the MEBN-RM algorithm, which converts a relational schema in RM
to a partial MEBN model. Through this research, the software has been released
as a MEBN-RM open-source software tool. The method is illustrated through two
example use cases using MEBN-RM to develop MEBN models: a Critical
Infrastructure Defense System and a Smart Manufacturing System.
|
The effect of the choice of neural network depth and breadth on the size
of its hypothesis space
|
We show that the number of unique function mappings in a neural network
hypothesis space is inversely proportional to $\prod_lU_l!$, where $U_{l}$ is
the number of neurons in the hidden layer $l$.
|
Graph Convolutional Policy Network for Goal-Directed Molecular Graph
Generation
|
Generating novel graph structures that optimize given objectives while
obeying some given underlying rules is fundamental for chemistry, biology and
social science research. This is especially important in the task of molecular
graph generation, whose goal is to discover novel molecules with desired
properties such as drug-likeness and synthetic accessibility, while obeying
physical laws such as chemical valency. However, designing models to find
molecules that optimize desired properties while incorporating highly complex
and non-differentiable rules remains to be a challenging task. Here we propose
Graph Convolutional Policy Network (GCPN), a general graph convolutional
network based model for goal-directed graph generation through reinforcement
learning. The model is trained to optimize domain-specific rewards and
adversarial loss through policy gradient, and acts in an environment that
incorporates domain-specific rules. Experimental results show that GCPN can
achieve 61% improvement on chemical property optimization over state-of-the-art
baselines while resembling known molecules, and achieve 184% improvement on the
constrained property optimization task.
|
Conditional probability calculation using restricted Boltzmann machine
with application to system identification
|
There are many advantages to use probability method for nonlinear system
identification, such as the noises and outliers in the data set do not affect
the probability models significantly; the input features can be extracted in
probability forms. The biggest obstacle of the probability model is the
probability distributions are not easy to be obtained. In this paper, we form
the nonlinear system identification into solving the conditional probability.
Then we modify the restricted Boltzmann machine (RBM), such that the joint
probability, input distribution, and the conditional probability can be
calculated by the RBM training. Binary encoding and continue valued methods are
discussed. The universal approximation analysis for the conditional probability
based modelling is proposed. We use two benchmark nonlinear systems to compare
our probability modelling method with the other black-box modeling methods. The
results show that this novel method is much better when there are big noises
and the system dynamics are complex.
|
Simplifying Reward Design through Divide-and-Conquer
|
Designing a good reward function is essential to robot planning and
reinforcement learning, but it can also be challenging and frustrating. The
reward needs to work across multiple different environments, and that often
requires many iterations of tuning. We introduce a novel divide-and-conquer
approach that enables the designer to specify a reward separately for each
environment. By treating these separate reward functions as observations about
the underlying true reward, we derive an approach to infer a common reward
across all environments. We conduct user studies in an abstract grid world
domain and in a motion planning domain for a 7-DOF manipulator that measure
user effort and solution quality. We show that our method is faster, easier to
use, and produces a higher quality solution than the typical method of
designing a reward jointly across all environments. We additionally conduct a
series of experiments that measure the sensitivity of these results to
different properties of the reward design task, such as the number of
environments, the number of feasible solutions per environment, and the
fraction of the total features that vary within each environment. We find that
independent reward design outperforms the standard, joint, reward design
process but works best when the design problem can be divided into simpler
subproblems.
|
Large scale classification in deep neural network with Label Mapping
|
In recent years, deep neural network is widely used in machine learning. The
multi-class classification problem is a class of important problem in machine
learning. However, in order to solve those types of multi-class classification
problems effectively, the required network size should have hyper-linear growth
with respect to the number of classes. Therefore, it is infeasible to solve the
multi-class classification problem using deep neural network when the number of
classes are huge. This paper presents a method, so called Label Mapping (LM),
to solve this problem by decomposing the original classification problem to
several smaller sub-problems which are solvable theoretically. Our method is an
ensemble method like error-correcting output codes (ECOC), but it allows base
learners to be multi-class classifiers with different number of class labels.
We propose two design principles for LM, one is to maximize the number of base
classifier which can separate two different classes, and the other is to keep
all base learners to be independent as possible in order to reduce the
redundant information. Based on these principles, two different LM algorithms
are derived using number theory and information theory. Since each base learner
can be trained independently, it is easy to scale our method into a large scale
training system. Experiments show that our proposed method outperforms the
standard one-hot encoding and ECOC significantly in terms of accuracy and model
complexity.
|
Semi-Dynamic Load Balancing: Efficient Distributed Learning in
Non-Dedicated Environments
|
Machine learning (ML) models are increasingly trained in clusters with
non-dedicated workers possessing heterogeneous resources. In such scenarios,
model training efficiency can be negatively affected by stragglers -- workers
that run much slower than others. Efficient model training requires eliminating
such stragglers, yet for modern ML workloads, existing load balancing
strategies are inefficient and even infeasible. In this paper, we propose a
novel strategy called semi-dynamic load balancing to eliminate stragglers of
distributed ML workloads. The key insight is that ML workers shall be
load-balanced at iteration boundaries, being non-intrusive to intra-iteration
execution. We develop LB-BSP based on such an insight, which is an integrated
worker coordination mechanism that adapts workers' load to their instantaneous
processing capabilities by right-sizing the sample batches at the
synchronization barriers. We have custom-designed the batch sizing algorithm
respectively for CPU and GPU clusters based on their own characteristics.
LB-BSP has been implemented as a Python module for ML frameworks like
TensorFlow and PyTorch. Our EC2 deployment confirms that LB-BSP is practical,
effective and light-weight, and is able to accelerating distributed training by
up to $54\%$.
|
Exact Low Tubal Rank Tensor Recovery from Gaussian Measurements
|
The recent proposed Tensor Nuclear Norm (TNN) [Lu et al., 2016; 2018a] is an
interesting convex penalty induced by the tensor SVD [Kilmer and Martin, 2011].
It plays a similar role as the matrix nuclear norm which is the convex
surrogate of the matrix rank. Considering that the TNN based Tensor Robust PCA
[Lu et al., 2018a] is an elegant extension of Robust PCA with a similar tight
recovery bound, it is natural to solve other low rank tensor recovery problems
extended from the matrix cases. However, the extensions and proofs are
generally tedious. The general atomic norm provides a unified view of
low-complexity structures induced norms, e.g., the $\ell_1$-norm and nuclear
norm. The sharp estimates of the required number of generic measurements for
exact recovery based on the atomic norm are known in the literature. In this
work, with a careful choice of the atomic set, we prove that TNN is a special
atomic norm. Then by computing the Gaussian width of certain cone which is
necessary for the sharp estimate, we achieve a simple bound for guaranteed low
tubal rank tensor recovery from Gaussian measurements. Specifically, we show
that by solving a TNN minimization problem, the underlying tensor of size
$n_1\times n_2\times n_3$ with tubal rank $r$ can be exactly recovered when the
given number of Gaussian measurements is $O(r(n_1+n_2-r)n_3)$. It is order
optimal when comparing with the degrees of freedom $r(n_1+n_2-r)n_3$. Beyond
the Gaussian mapping, we also give the recovery guarantee of tensor completion
based on the uniform random mapping by TNN minimization. Numerical experiments
verify our theoretical results.
|
Importance Weighted Generative Networks
|
Deep generative networks can simulate from a complex target distribution, by
minimizing a loss with respect to samples from that distribution. However,
often we do not have direct access to our target distribution - our data may be
subject to sample selection bias, or may be from a different but related
distribution. We present methods based on importance weighting that can
estimate the loss with respect to a target distribution, even if we cannot
access that distribution directly, in a variety of settings. These estimators,
which differentially weight the contribution of data to the loss function,
offer both theoretical guarantees and impressive empirical performance.
|
Grouped Gaussian Processes for Solar Power Prediction
|
We consider multi-task regression models where the observations are assumed
to be a linear combination of several latent node functions and weight
functions, which are both drawn from Gaussian process priors. Driven by the
problem of developing scalable methods for forecasting distributed solar and
other renewable power generation, we propose coupled priors over groups of
(node or weight) processes to exploit spatial dependence between functions. We
estimate forecast models for solar power at multiple distributed sites and
ground wind speed at multiple proximate weather stations. Our results show that
our approach maintains or improves point-prediction accuracy relative to
competing solar benchmarks and improves over wind forecast benchmark models on
all measures. Our approach consistently dominates the equivalent model without
coupled priors, achieving faster gains in forecast accuracy. At the same time
our approach provides better quantification of predictive uncertainties.
|
Dimensionality-Driven Learning with Noisy Labels
|
Datasets with significant proportions of noisy (incorrect) class labels
present challenges for training accurate Deep Neural Networks (DNNs). We
propose a new perspective for understanding DNN generalization for such
datasets, by investigating the dimensionality of the deep representation
subspace of training samples. We show that from a dimensionality perspective,
DNNs exhibit quite distinctive learning styles when trained with clean labels
versus when trained with a proportion of noisy labels. Based on this finding,
we develop a new dimensionality-driven learning strategy, which monitors the
dimensionality of subspaces during training and adapts the loss function
accordingly. We empirically demonstrate that our approach is highly tolerant to
significant proportions of noisy labels, and can effectively learn
low-dimensional local subspaces that capture the data distribution.
|
Asynchronous Stochastic Quasi-Newton MCMC for Non-Convex Optimization
|
Recent studies have illustrated that stochastic gradient Markov Chain Monte
Carlo techniques have a strong potential in non-convex optimization, where
local and global convergence guarantees can be shown under certain conditions.
By building up on this recent theory, in this study, we develop an
asynchronous-parallel stochastic L-BFGS algorithm for non-convex optimization.
The proposed algorithm is suitable for both distributed and shared-memory
settings. We provide formal theoretical analysis and show that the proposed
method achieves an ergodic convergence rate of ${\cal O}(1/\sqrt{N})$ ($N$
being the total number of iterations) and it can achieve a linear speedup under
certain conditions. We perform several experiments on both synthetic and real
datasets. The results support our theory and show that the proposed algorithm
provides a significant speedup over the recently proposed synchronous
distributed L-BFGS algorithm.
|
Path-Level Network Transformation for Efficient Architecture Search
|
We introduce a new function-preserving transformation for efficient neural
architecture search. This network transformation allows reusing previously
trained networks and existing successful architectures that improves sample
efficiency. We aim to address the limitation of current network transformation
operations that can only perform layer-level architecture modifications, such
as adding (pruning) filters or inserting (removing) a layer, which fails to
change the topology of connection paths. Our proposed path-level transformation
operations enable the meta-controller to modify the path topology of the given
network while keeping the merits of reusing weights, and thus allow efficiently
designing effective structures with complex path topologies like Inception
models. We further propose a bidirectional tree-structured reinforcement
learning meta-controller to explore a simple yet highly expressive
tree-structured architecture space that can be viewed as a generalization of
multi-branch architectures. We experimented on the image classification
datasets with limited computational resources (about 200 GPU-hours), where we
observed improved parameter efficiency and better test results (97.70% test
accuracy on CIFAR-10 with 14.3M parameters and 74.6% top-1 accuracy on ImageNet
in the mobile setting), demonstrating the effectiveness and transferability of
our designed architectures.
|
Re-evaluating Evaluation
|
Progress in machine learning is measured by careful evaluation on problems of
outstanding common interest. However, the proliferation of benchmark suites and
environments, adversarial attacks, and other complications has diluted the
basic evaluation model by overwhelming researchers with choices. Deliberate or
accidental cherry picking is increasingly likely, and designing well-balanced
evaluation suites requires increasing effort. In this paper we take a step back
and propose Nash averaging. The approach builds on a detailed analysis of the
algebraic structure of evaluation in two basic scenarios: agent-vs-agent and
agent-vs-task. The key strength of Nash averaging is that it automatically
adapts to redundancies in evaluation data, so that results are not biased by
the incorporation of easy tasks or weak agents. Nash averaging thus encourages
maximally inclusive evaluation -- since there is no harm (computational cost
aside) from including all available tasks and agents.
|
New Hybrid Neuro-Evolutionary Algorithms for Renewable Energy and
Facilities Management Problems
|
This Ph.D. thesis deals with the optimization of several renewable energy
resources development as well as the improvement of facilities management in
oceanic engineering and airports, using computational hybrid methods belonging
to AI to this end. Energy is essential to our society in order to ensure a good
quality of life. This means that predictions over the characteristics on which
renewable energies depend are necessary, in order to know the amount of energy
that will be obtained at any time. The second topic tackled in this thesis is
related to the basic parameters that influence in different marine activities
and airports, whose knowledge is necessary to develop a proper facilities
management in these environments. Within this work, a study of the
state-of-the-art Machine Learning have been performed to solve the problems
associated with the topics above-mentioned, and several contributions have been
proposed: One of the pillars of this work is focused on the estimation of the
most important parameters in the exploitation of renewable resources. The
second contribution of this thesis is related to feature selection problems.
The proposed methodologies are applied to multiple problems: the prediction of
$H_s$, relevant for marine energy applications and marine activities, the
estimation of WPREs, undesirable variations in the electric power produced by a
wind farm, the prediction of global solar radiation in areas from Spain and
Australia, really important in terms of solar energy, and the prediction of
low-visibility events at airports. All of these practical issues are developed
with the consequent previous data analysis, normally, in terms of
meteorological variables.
|
Scalable Multi-Class Bayesian Support Vector Machines for Structured and
Unstructured Data
|
We introduce a new Bayesian multi-class support vector machine by formulating
a pseudo-likelihood for a multi-class hinge loss in the form of a
location-scale mixture of Gaussians. We derive a variational-inference-based
training objective for gradient-based learning. Additionally, we employ an
inducing point approximation which scales inference to large data sets.
Furthermore, we develop hybrid Bayesian neural networks that combine standard
deep learning components with the proposed model to enable learning for
unstructured data. We provide empirical evidence that our model outperforms the
competitor methods with respect to both training time and accuracy in
classification experiments on 68 structured and two unstructured data sets.
Finally, we highlight the key capability of our model in yielding prediction
uncertainty for classification by demonstrating its effectiveness in the tasks
of large-scale active learning and detection of adversarial images.
|
Probabilistic AND-OR Attribute Grouping for Zero-Shot Learning
|
In zero-shot learning (ZSL), a classifier is trained to recognize visual
classes without any image samples. Instead, it is given semantic information
about the class, like a textual description or a set of attributes. Learning
from attributes could benefit from explicitly modeling structure of the
attribute space. Unfortunately, learning of general structure from empirical
samples is hard with typical dataset sizes.
Here we describe LAGO, a probabilistic model designed to capture natural soft
and-or relations across groups of attributes. We show how this model can be
learned end-to-end with a deep attribute-detection model. The soft group
structure can be learned from data jointly as part of the model, and can also
readily incorporate prior knowledge about groups if available. The soft and-or
structure succeeds to capture meaningful and predictive structures, improving
the accuracy of zero-shot learning on two of three benchmarks.
Finally, LAGO reveals a unified formulation over two ZSL approaches: DAP
(Lampert et al., 2009) and ESZSL (Romera-Paredes & Torr, 2015). Interestingly,
taking only one singleton group for each attribute, introduces a new
soft-relaxation of DAP, that outperforms DAP by ~40.
|
Semi-Supervised Learning via Compact Latent Space Clustering
|
We present a novel cost function for semi-supervised learning of neural
networks that encourages compact clustering of the latent space to facilitate
separation. The key idea is to dynamically create a graph over embeddings of
labeled and unlabeled samples of a training batch to capture underlying
structure in feature space, and use label propagation to estimate its high and
low density regions. We then devise a cost function based on Markov chains on
the graph that regularizes the latent space to form a single compact cluster
per class, while avoiding to disturb existing clusters during optimization. We
evaluate our approach on three benchmarks and compare to state-of-the art with
promising results. Our approach combines the benefits of graph-based
regularization with efficient, inductive inference, does not require
modifications to a network architecture, and can thus be easily applied to
existing networks to enable an effective use of unlabeled data.
|
Transfer Learning for Illustration Classification
|
The field of image classification has shown an outstanding success thanks to
the development of deep learning techniques. Despite the great performance
obtained, most of the work has focused on natural images ignoring other domains
like artistic depictions. In this paper, we use transfer learning techniques to
propose a new classification network with better performance in illustration
images. Starting from the deep convolutional network VGG19, pre-trained with
natural images, we propose two novel models which learn object representations
in the new domain. Our optimized network will learn new low-level features of
the images (colours, edges, textures) while keeping the knowledge of the
objects and shapes that it already learned from the ImageNet dataset. Thus,
requiring much less data for the training. We propose a novel dataset of
illustration images labelled by content where our optimized architecture
achieves $\textbf{86.61\%}$ of top-1 and $\textbf{97.21\%}$ of top-5 precision.
We additionally demonstrate that our model is still able to recognize objects
in photographs.
|
Efficient semantic image segmentation with superpixel pooling
|
In this work, we evaluate the use of superpixel pooling layers in deep
network architectures for semantic segmentation. Superpixel pooling is a
flexible and efficient replacement for other pooling strategies that
incorporates spatial prior information. We propose a simple and efficient
GPU-implementation of the layer and explore several designs for the integration
of the layer into existing network architectures. We provide experimental
results on the IBSR and Cityscapes dataset, demonstrating that superpixel
pooling can be leveraged to consistently increase network accuracy with minimal
computational overhead. Source code is available at
https://github.com/bermanmaxim/superpixPool
|
Discovering space - Grounding spatial topology and metric regularity in
a naive agent's sensorimotor experience
|
In line with the sensorimotor contingency theory, we investigate the problem
of the perception of space from a fundamental sensorimotor perspective. Despite
its pervasive nature in our perception of the world, the origin of the concept
of space remains largely mysterious. For example in the context of artificial
perception, this issue is usually circumvented by having engineers pre-define
the spatial structure of the problem the agent has to face. We here show that
the structure of space can be autonomously discovered by a naive agent in the
form of sensorimotor regularities, that correspond to so called compensable
sensory experiences: these are experiences that can be generated either by the
agent or its environment. By detecting such compensable experiences the agent
can infer the topological and metric structure of the external space in which
its body is moving. We propose a theoretical description of the nature of these
regularities and illustrate the approach on a simulated robotic arm equipped
with an eye-like sensor, and which interacts with an object. Finally we show
how these regularities can be used to build an internal representation of the
sensor's external spatial configuration.
|
Stein Variational Gradient Descent Without Gradient
|
Stein variational gradient decent (SVGD) has been shown to be a powerful
approximate inference algorithm for complex distributions. However, the
standard SVGD requires calculating the gradient of the target density and
cannot be applied when the gradient is unavailable. In this work, we develop a
gradient-free variant of SVGD (GF-SVGD), which replaces the true gradient with
a surrogate gradient, and corrects the induced bias by re-weighting the
gradients in a proper form. We show that our GF-SVGD can be viewed as the
standard SVGD with a special choice of kernel, and hence directly inherits the
theoretical properties of SVGD. We shed insights on the empirical choice of the
surrogate gradient and propose an annealed GF-SVGD that leverages the idea of
simulated annealing to improve the performance on high dimensional complex
distributions. Empirical studies show that our method consistently outperforms
a number of recent advanced gradient-free MCMC methods.
|
Training Augmentation with Adversarial Examples for Robust Speech
Recognition
|
This paper explores the use of adversarial examples in training speech
recognition systems to increase robustness of deep neural network acoustic
models. During training, the fast gradient sign method is used to generate
adversarial examples augmenting the original training data. Different from
conventional data augmentation based on data transformations, the examples are
dynamically generated based on current acoustic model parameters. We assess the
impact of adversarial data augmentation in experiments on the Aurora-4 and
CHiME-4 single-channel tasks, showing improved robustness against noise and
channel variation. Further improvement is obtained when combining adversarial
examples with teacher/student training, leading to a 23% relative word error
rate reduction on Aurora-4.
|
Unbiased Estimation of the Value of an Optimized Policy
|
Randomized trials, also known as A/B tests, are used to select between two
policies: a control and a treatment. Given a corresponding set of features, we
can ideally learn an optimized policy P that maps the A/B test data features to
action space and optimizes reward. However, although A/B testing provides an
unbiased estimator for the value of deploying B (i.e., switching from policy A
to B), direct application of those samples to learn the the optimized policy P
generally does not provide an unbiased estimator of the value of P as the
samples were observed when constructing P. In situations where the cost and
risks associated of deploying a policy are high, such an unbiased estimator is
highly desirable.
We present a procedure for learning optimized policies and getting unbiased
estimates for the value of deploying them. We wrap any policy learning
procedure with a bagging process and obtain out-of-bag policy inclusion
decisions for each sample. We then prove that inverse-propensity-weighting
effect estimator is unbiased when applied to the optimized subset. Likewise, we
apply the same idea to obtain out-of-bag unbiased per-sample value estimate of
the measurement that is independent of the randomized treatment, and use these
estimates to build an unbiased doubly-robust effect estimator. Lastly, we
empirically shown that even when the average treatment effect is negative we
can find a positive optimized policy.
|
Towards Riemannian Accelerated Gradient Methods
|
We propose a Riemannian version of Nesterov's Accelerated Gradient algorithm
(RAGD), and show that for geodesically smooth and strongly convex problems,
within a neighborhood of the minimizer whose radius depends on the condition
number as well as the sectional curvature of the manifold, RAGD converges to
the minimizer with acceleration. Unlike the algorithm in (Liu et al., 2017)
that requires the exact solution to a nonlinear equation which in turn may be
intractable, our algorithm is constructive and computationally tractable. Our
proof exploits a new estimate sequence and a novel bound on the nonlinear
metric distortion, both ideas may be of independent interest.
|
Self-Consistent Trajectory Autoencoder: Hierarchical Reinforcement
Learning with Trajectory Embeddings
|
In this work, we take a representation learning perspective on hierarchical
reinforcement learning, where the problem of learning lower layers in a
hierarchy is transformed into the problem of learning trajectory-level
generative models. We show that we can learn continuous latent representations
of trajectories, which are effective in solving temporally extended and
multi-stage problems. Our proposed model, SeCTAR, draws inspiration from
variational autoencoders, and learns latent representations of trajectories. A
key component of this method is to learn both a latent-conditioned policy and a
latent-conditioned model which are consistent with each other. Given the same
latent, the policy generates a trajectory which should match the trajectory
predicted by the model. This model provides a built-in prediction mechanism, by
predicting the outcome of closed loop policy behavior. We propose a novel
algorithm for performing hierarchical RL with this model, combining model-based
planning in the learned latent space with an unsupervised exploration
objective. We show that our model is effective at reasoning over long horizons
with sparse rewards for several simulated tasks, outperforming standard
reinforcement learning methods and prior methods for hierarchical reasoning,
model-based planning, and exploration.
|
Data Summarization at Scale: A Two-Stage Submodular Approach
|
The sheer scale of modern datasets has resulted in a dire need for
summarization techniques that identify representative elements in a dataset.
Fortunately, the vast majority of data summarization tasks satisfy an intuitive
diminishing returns condition known as submodularity, which allows us to find
nearly-optimal solutions in linear time. We focus on a two-stage submodular
framework where the goal is to use some given training functions to reduce the
ground set so that optimizing new functions (drawn from the same distribution)
over the reduced set provides almost as much value as optimizing them over the
entire ground set. In this paper, we develop the first streaming and
distributed solutions to this problem. In addition to providing strong
theoretical guarantees, we demonstrate both the utility and efficiency of our
algorithms on real-world tasks including image summarization and ride-share
optimization.
|
Probabilistic Model-Agnostic Meta-Learning
|
Meta-learning for few-shot learning entails acquiring a prior over previous
tasks and experiences, such that new tasks be learned from small amounts of
data. However, a critical challenge in few-shot learning is task ambiguity:
even when a powerful prior can be meta-learned from a large number of prior
tasks, a small dataset for a new task can simply be too ambiguous to acquire a
single model (e.g., a classifier) for that task that is accurate. In this
paper, we propose a probabilistic meta-learning algorithm that can sample
models for a new task from a model distribution. Our approach extends
model-agnostic meta-learning, which adapts to new tasks via gradient descent,
to incorporate a parameter distribution that is trained via a variational lower
bound. At meta-test time, our algorithm adapts via a simple procedure that
injects noise into gradient descent, and at meta-training time, the model is
trained such that this stochastic adaptation procedure produces samples from
the approximate model posterior. Our experimental results show that our method
can sample plausible classifiers and regressors in ambiguous few-shot learning
problems. We also show how reasoning about ambiguity can also be used for
downstream active learning problems.
|
Estimating Train Delays in a Large Rail Network Using a Zero Shot Markov
Model
|
India runs the fourth largest railway transport network size carrying over 8
billion passengers per year. However, the travel experience of passengers is
frequently marked by delays, i.e., late arrival of trains at stations, causing
inconvenience. In a first, we study the systemic delays in train arrivals using
n-order Markov frameworks and experiment with two regression based models.
Using train running-status data collected for two years, we report on an
efficient algorithm for estimating delays at railway stations with near
accurate results. This work can help railways to manage their resources, while
also helping passengers and businesses served by them to efficiently plan their
activities.
|
A Simple Method for Commonsense Reasoning
|
Commonsense reasoning is a long-standing challenge for deep learning. For
example, it is difficult to use neural networks to tackle the Winograd Schema
dataset (Levesque et al., 2011). In this paper, we present a simple method for
commonsense reasoning with neural networks, using unsupervised learning. Key to
our method is the use of language models, trained on a massive amount of
unlabled data, to score multiple choice questions posed by commonsense
reasoning tests. On both Pronoun Disambiguation and Winograd Schema challenges,
our models outperform previous state-of-the-art methods by a large margin,
without using expensive annotated knowledge bases or hand-engineered features.
We train an array of large RNN language models that operate at word or
character level on LM-1-Billion, CommonCrawl, SQuAD, Gutenberg Books, and a
customized corpus for this task and show that diversity of training data plays
an important role in test performance. Further analysis also shows that our
system successfully discovers important features of the context that decide the
correct answer, indicating a good grasp of commonsense knowledge.
|
Scalable Natural Gradient Langevin Dynamics in Practice
|
Stochastic Gradient Langevin Dynamics (SGLD) is a sampling scheme for
Bayesian modeling adapted to large datasets and models. SGLD relies on the
injection of Gaussian Noise at each step of a Stochastic Gradient Descent (SGD)
update. In this scheme, every component in the noise vector is independent and
has the same scale, whereas the parameters we seek to estimate exhibit strong
variations in scale and significant correlation structures, leading to poor
convergence and mixing times. We compare different preconditioning approaches
to the normalization of the noise vector and benchmark these approaches on the
following criteria: 1) mixing times of the multivariate parameter vector, 2)
regularizing effect on small dataset where it is easy to overfit, 3) covariate
shift detection and 4) resistance to adversarial examples.
|
Semi-supervised and Transfer learning approaches for low resource
sentiment classification
|
Sentiment classification involves quantifying the affective reaction of a
human to a document, media item or an event. Although researchers have
investigated several methods to reliably infer sentiment from lexical, speech
and body language cues, training a model with a small set of labeled datasets
is still a challenge. For instance, in expanding sentiment analysis to new
languages and cultures, it may not always be possible to obtain comprehensive
labeled datasets. In this paper, we investigate the application of
semi-supervised and transfer learning methods to improve performances on low
resource sentiment classification tasks. We experiment with extracting dense
feature representations, pre-training and manifold regularization in enhancing
the performance of sentiment classification systems. Our goal is a coherent
implementation of these methods and we evaluate the gains achieved by these
methods in matched setting involving training and testing on a single corpus
setting as well as two cross corpora settings. In both the cases, our
experiments demonstrate that the proposed methods can significantly enhance the
model performance against a purely supervised approach, particularly in cases
involving a handful of training data.
|
Kernel Machines With Missing Responses
|
Missing responses is a missing data format in which outcomes are not always
observed. In this work we develop kernel machines that can handle missing
responses. First, we propose a kernel machine family that uses mainly the
complete cases. For the quadratic loss, we then propose a family of
doubly-robust kernel machines. The proposed kernel-machine estimators can be
applied to both regression and classification problems. We prove oracle
inequalities for the finite-sample differences between the kernel machine risk
and Bayes risk. We use these oracle inequalities to prove consistency and to
calculate convergence rates. We demonstrate the performance of the two proposed
kernel machine families using both a simulation study and a real-world data
analysis.
|
Direct Optimization through $\arg \max$ for Discrete Variational
Auto-Encoder
|
Reparameterization of variational auto-encoders with continuous random
variables is an effective method for reducing the variance of their gradient
estimates. In the discrete case, one can perform reparametrization using the
Gumbel-Max trick, but the resulting objective relies on an $\arg \max$
operation and is non-differentiable. In contrast to previous works which resort
to softmax-based relaxations, we propose to optimize it directly by applying
the direct loss minimization approach. Our proposal extends naturally to
structured discrete latent variable models when evaluating the $\arg \max$
operation is tractable. We demonstrate empirically the effectiveness of the
direct loss minimization technique in variational autoencoders with both
unstructured and structured discrete latent variables.
|
Learning Tasks for Multitask Learning: Heterogenous Patient Populations
in the ICU
|
Machine learning approaches have been effective in predicting adverse
outcomes in different clinical settings. These models are often developed and
evaluated on datasets with heterogeneous patient populations. However, good
predictive performance on the aggregate population does not imply good
performance for specific groups.
In this work, we present a two-step framework to 1) learn relevant patient
subgroups, and 2) predict an outcome for separate patient populations in a
multi-task framework, where each population is a separate task. We demonstrate
how to discover relevant groups in an unsupervised way with a
sequence-to-sequence autoencoder. We show that using these groups in a
multi-task framework leads to better predictive performance of in-hospital
mortality both across groups and overall. We also highlight the need for more
granular evaluation of performance when dealing with heterogeneous populations.
|
Residual Unfairness in Fair Machine Learning from Prejudiced Data
|
Recent work in fairness in machine learning has proposed adjusting for
fairness by equalizing accuracy metrics across groups and has also studied how
datasets affected by historical prejudices may lead to unfair decision
policies. We connect these lines of work and study the residual unfairness that
arises when a fairness-adjusted predictor is not actually fair on the target
population due to systematic censoring of training data by existing biased
policies. This scenario is particularly common in the same applications where
fairness is a concern. We characterize theoretically the impact of such
censoring on standard fairness metrics for binary classifiers and provide
criteria for when residual unfairness may or may not appear. We prove that,
under certain conditions, fairness-adjusted classifiers will in fact induce
residual unfairness that perpetuates the same injustices, against the same
groups, that biased the data to begin with, thus showing that even
state-of-the-art fair machine learning can have a "bias in, bias out" property.
When certain benchmark data is available, we show how sample reweighting can
estimate and adjust fairness metrics while accounting for censoring. We use
this to study the case of Stop, Question, and Frisk (SQF) and demonstrate that
attempting to adjust for fairness perpetuates the same injustices that the
policy is infamous for.
|
Revisiting the Importance of Individual Units in CNNs via Ablation
|
We revisit the importance of the individual units in Convolutional Neural
Networks (CNNs) for visual recognition. By conducting unit ablation experiments
on CNNs trained on large scale image datasets, we demonstrate that, though
ablating any individual unit does not hurt overall classification accuracy, it
does lead to significant damage on the accuracy of specific classes. This
result shows that an individual unit is specialized to encode information
relevant to a subset of classes. We compute the correlation between the
accuracy drop under unit ablation and various attributes of an individual unit
such as class selectivity and weight L1 norm. We confirm that unit attributes
such as class selectivity are a poor predictor for impact on overall accuracy
as found previously in recent work \cite{morcos2018importance}. However, our
results show that class selectivity along with other attributes are good
predictors of the importance of one unit to individual classes. We evaluate the
impact of random rotation, batch normalization, and dropout to the importance
of units to specific classes. Our results show that units with high selectivity
play an important role in network classification power at the individual class
level. Understanding and interpreting the behavior of these units is necessary
and meaningful.
|
Training Faster by Separating Modes of Variation in Batch-normalized
Models
|
Batch Normalization (BN) is essential to effectively train state-of-the-art
deep Convolutional Neural Networks (CNN). It normalizes inputs to the layers
during training using the statistics of each mini-batch. In this work, we study
BN from the viewpoint of Fisher kernels. We show that assuming samples within a
mini-batch are from the same probability density function, then BN is identical
to the Fisher vector of a Gaussian distribution. That means BN can be explained
in terms of kernels that naturally emerge from the probability density function
of the underlying data distribution. However, given the rectifying
non-linearities employed in CNN architectures, distribution of inputs to the
layers show heavy tail and asymmetric characteristics. Therefore, we propose
approximating underlying data distribution not with one, but a mixture of
Gaussian densities. Deriving Fisher vector for a Gaussian Mixture Model (GMM),
reveals that BN can be improved by independently normalizing with respect to
the statistics of disentangled sub-populations. We refer to our proposed soft
piecewise version of BN as Mixture Normalization (MN). Through extensive set of
experiments on CIFAR-10 and CIFAR-100, we show that MN not only effectively
accelerates training image classification and Generative Adversarial networks,
but also reaches higher quality models.
|
Probabilistic FastText for Multi-Sense Word Embeddings
|
We introduce Probabilistic FastText, a new model for word embeddings that can
capture multiple word senses, sub-word structure, and uncertainty information.
In particular, we represent each word with a Gaussian mixture density, where
the mean of a mixture component is given by the sum of n-grams. This
representation allows the model to share statistical strength across sub-word
structures (e.g. Latin roots), producing accurate representations of rare,
misspelt, or even unseen words. Moreover, each component of the mixture can
capture a different word sense. Probabilistic FastText outperforms both
FastText, which has no probabilistic model, and dictionary-level probabilistic
embeddings, which do not incorporate subword structures, on several
word-similarity benchmarks, including English RareWord and foreign language
datasets. We also achieve state-of-art performance on benchmarks that measure
ability to discern different meanings. Thus, the proposed model is the first to
achieve multi-sense representations while having enriched semantics on rare
words.
|
GAIN: Missing Data Imputation using Generative Adversarial Nets
|
We propose a novel method for imputing missing data by adapting the
well-known Generative Adversarial Nets (GAN) framework. Accordingly, we call
our method Generative Adversarial Imputation Nets (GAIN). The generator (G)
observes some components of a real data vector, imputes the missing components
conditioned on what is actually observed, and outputs a completed vector. The
discriminator (D) then takes a completed vector and attempts to determine which
components were actually observed and which were imputed. To ensure that D
forces G to learn the desired distribution, we provide D with some additional
information in the form of a hint vector. The hint reveals to D partial
information about the missingness of the original sample, which is used by D to
focus its attention on the imputation quality of particular components. This
hint ensures that G does in fact learn to generate according to the true data
distribution. We tested our method on various datasets and found that GAIN
significantly outperforms state-of-the-art imputation methods.
|
Feature selection in functional data classification with recursive
maxima hunting
|
Dimensionality reduction is one of the key issues in the design of effective
machine learning methods for automatic induction. In this work, we introduce
recursive maxima hunting (RMH) for variable selection in classification
problems with functional data. In this context, variable selection techniques
are especially attractive because they reduce the dimensionality, facilitate
the interpretation and can improve the accuracy of the predictive models. The
method, which is a recursive extension of maxima hunting (MH), performs
variable selection by identifying the maxima of a relevance function, which
measures the strength of the correlation of the predictor functional variable
with the class label. At each stage, the information associated with the
selected variable is removed by subtracting the conditional expectation of the
process. The results of an extensive empirical evaluation are used to
illustrate that, in the problems investigated, RMH has comparable or higher
predictive accuracy than the standard dimensionality reduction techniques, such
as PCA and PLS, and state-of-the-art feature selection methods for functional
data, such as maxima hunting.
|
Revisiting Adversarial Risk
|
Recent works on adversarial perturbations show that there is an inherent
trade-off between standard test accuracy and adversarial accuracy.
Specifically, they show that no classifier can simultaneously be robust to
adversarial perturbations and achieve high standard test accuracy. However,
this is contrary to the standard notion that on tasks such as image
classification, humans are robust classifiers with low error rate. In this
work, we show that the main reason behind this confusion is the inexact
definition of adversarial perturbation that is used in the literature. To fix
this issue, we propose a slight, yet important modification to the existing
definition of adversarial perturbation. Based on the modified definition, we
show that there is no trade-off between adversarial and standard accuracies;
there exist classifiers that are robust and achieve high standard accuracy. We
further study several properties of this new definition of adversarial risk and
its relation to the existing definition.
|
A Spectral Approach to Gradient Estimation for Implicit Distributions
|
Recently there have been increasing interests in learning and inference with
implicit distributions (i.e., distributions without tractable densities). To
this end, we develop a gradient estimator for implicit distributions based on
Stein's identity and a spectral decomposition of kernel operators, where the
eigenfunctions are approximated by the Nystr\"om method. Unlike the previous
works that only provide estimates at the sample points, our approach directly
estimates the gradient function, thus allows for a simple and principled
out-of-sample extension. We provide theoretical results on the error bound of
the estimator and discuss the bias-variance tradeoff in practice. The
effectiveness of our method is demonstrated by applications to gradient-free
Hamiltonian Monte Carlo and variational inference with implicit distributions.
Finally, we discuss the intuition behind the estimator by drawing connections
between the Nystr\"om method and kernel PCA, which indicates that the estimator
can automatically adapt to the geometry of the underlying distribution.
|
Lightweight Stochastic Optimization for Minimizing Finite Sums with
Infinite Data
|
Variance reduction has been commonly used in stochastic optimization. It
relies crucially on the assumption that the data set is finite. However, when
the data are imputed with random noise as in data augmentation, the perturbed
data set be- comes essentially infinite. Recently, the stochastic MISO (S-MISO)
algorithm is introduced to address this expected risk minimization problem.
Though it converges faster than SGD, a significant amount of memory is
required. In this pa- per, we propose two SGD-like algorithms for expected risk
minimization with random perturbation, namely, stochastic sample average
gradient (SSAG) and stochastic SAGA (S-SAGA). The memory cost of SSAG does not
depend on the sample size, while that of S-SAGA is the same as those of
variance reduction methods on un- perturbed data. Theoretical analysis and
experimental results on logistic regression and AUC maximization show that SSAG
has faster convergence rate than SGD with comparable space requirement, while
S-SAGA outperforms S-MISO in terms of both iteration complexity and storage.
|
Program Synthesis Through Reinforcement Learning Guided Tree Search
|
Program Synthesis is the task of generating a program from a provided
specification. Traditionally, this has been treated as a search problem by the
programming languages (PL) community and more recently as a supervised learning
problem by the machine learning community. Here, we propose a third approach,
representing the task of synthesizing a given program as a Markov decision
process solvable via reinforcement learning(RL). From observations about the
states of partial programs, we attempt to find a program that is optimal over a
provided reward metric on pairs of programs and states. We instantiate this
approach on a subset of the RISC-V assembly language operating on floating
point numbers, and as an optimization inspired by search-based techniques from
the PL community, we combine RL with a priority search tree. We evaluate this
instantiation and demonstrate the effectiveness of our combined method compared
to a variety of baselines, including a pure RL ablation and a state of the art
Markov chain Monte Carlo search method on this task.
|
Learn from Your Neighbor: Learning Multi-modal Mappings from Sparse
Annotations
|
Many structured prediction problems (particularly in vision and language
domains) are ambiguous, with multiple outputs being correct for an input - e.g.
there are many ways of describing an image, multiple ways of translating a
sentence; however, exhaustively annotating the applicability of all possible
outputs is intractable due to exponentially large output spaces (e.g. all
English sentences). In practice, these problems are cast as multi-class
prediction, with the likelihood of only a sparse set of annotations being
maximized - unfortunately penalizing for placing beliefs on plausible but
unannotated outputs. We make and test the following hypothesis - for a given
input, the annotations of its neighbors may serve as an additional supervisory
signal. Specifically, we propose an objective that transfers supervision from
neighboring examples. We first study the properties of our developed method in
a controlled toy setup before reporting results on multi-label classification
and two image-grounded sequence modeling tasks - captioning and question
generation. We evaluate using standard task-specific metrics and measures of
output diversity, finding consistent improvements over standard maximum
likelihood training and other baselines.
|
Causal effects based on distributional distances
|
In this paper we develop a framework for characterizing causal effects via
distributional distances. In particular we define a causal effect in terms of
the $L_1$ distance between different counterfactual outcome distributions,
rather than the typical mean difference in outcome values. Comparing entire
counterfactual outcome distributions can provide more nuanced and valuable
measures for exploring causal effects beyond the average treatment effect.
First, we propose a novel way to estimate counterfactual outcome densities,
which is of independent interest. Then we develop an efficient estimator of our
target causal effect. We go on to provide error bounds and asymptotic
properties of the proposed estimator, along with bootstrap-based confidence
intervals. Finally, we illustrate the methods via simulations and real data.
|
SupportNet: solving catastrophic forgetting in class incremental
learning with support data
|
A plain well-trained deep learning model often does not have the ability to
learn new knowledge without forgetting the previously learned knowledge, which
is known as catastrophic forgetting. Here we propose a novel method,
SupportNet, to efficiently and effectively solve the catastrophic forgetting
problem in the class incremental learning scenario. SupportNet combines the
strength of deep learning and support vector machine (SVM), where SVM is used
to identify the support data from the old data, which are fed to the deep
learning model together with the new data for further training so that the
model can review the essential information of the old data when learning the
new information. Two powerful consolidation regularizers are applied to
stabilize the learned representation and ensure the robustness of the learned
model. We validate our method with comprehensive experiments on various tasks,
which show that SupportNet drastically outperforms the state-of-the-art
incremental learning methods and even reaches similar performance as the deep
learning model trained from scratch on both old and new data. Our program is
accessible at: https://github.com/lykaust15/SupportNet
|
Using Social Network Information in Bayesian Truth Discovery
|
We investigate the problem of truth discovery based on opinions from multiple
agents who may be unreliable or biased. We consider the case where agents'
reliabilities or biases are correlated if they belong to the same community,
which defines a group of agents with similar opinions regarding a particular
event. An agent can belong to different communities for different events, and
these communities are unknown a priori. We incorporate knowledge of the agents'
social network in our truth discovery framework and develop Laplace variational
inference methods to estimate agents' reliabilities, communities, and the event
states. We also develop a stochastic variational inference method to scale our
model to large social networks. Simulations and experiments on real data
suggest that when observations are sparse, our proposed methods perform better
than several other inference methods, including majority voting, TruthFinder,
AccuSim, the Confidence-Aware Truth Discovery method, the Bayesian Classifier
Combination (BCC) method, and the Community BCC method.
|
A Deep Neural Network Surrogate for High-Dimensional Random Partial
Differential Equations
|
Developing efficient numerical algorithms for the solution of high
dimensional random Partial Differential Equations (PDEs) has been a challenging
task due to the well-known curse of dimensionality. We present a new solution
framework for these problems based on a deep learning approach. Specifically,
the random PDE is approximated by a feed-forward fully-connected deep residual
network, with either strong or weak enforcement of initial and boundary
constraints. The framework is mesh-free, and can handle irregular computational
domains. Parameters of the approximating deep neural network are determined
iteratively using variants of the Stochastic Gradient Descent (SGD) algorithm.
The satisfactory accuracy of the proposed frameworks is numerically
demonstrated on diffusion and heat conduction problems, in comparison with the
converged Monte Carlo-based finite element results.
|
Efficient Full-Matrix Adaptive Regularization
|
Adaptive regularization methods pre-multiply a descent direction by a
preconditioning matrix. Due to the large number of parameters of machine
learning problems, full-matrix preconditioning methods are prohibitively
expensive. We show how to modify full-matrix adaptive regularization in order
to make it practical and effective. We also provide a novel theoretical
analysis for adaptive regularization in non-convex optimization settings. The
core of our algorithm, termed GGT, consists of the efficient computation of the
inverse square root of a low-rank matrix. Our preliminary experiments show
improved iteration-wise convergence rates across synthetic tasks and standard
deep learning benchmarks, and that the more carefully-preconditioned steps
sometimes lead to a better solution.
|
PAC Ranking from Pairwise and Listwise Queries: Lower Bounds and Upper
Bounds
|
This paper explores the adaptive (active) PAC (probably approximately
correct) top-$k$ ranking (i.e., top-$k$ item selection) and total ranking
problems from $l$-wise ($l\geq 2$) comparisons under the multinomial logit
(MNL) model. By adaptively choosing sets to query and observing the noisy
output of the most favored item of each query, we want to design ranking
algorithms that recover the top-$k$ or total ranking using as few queries as
possible. For the PAC top-$k$ ranking problem, we derive a lower bound on the
sample complexity (aka number of queries), and propose an algorithm that is
sample-complexity-optimal up to an $O(\log(k+l)/\log{k})$ factor. When $l=2$
(i.e., pairwise comparisons) or $l=O(poly(k))$, this algorithm matches the
lower bound. For the PAC total ranking problem, we derive a tight lower bound,
and propose an algorithm that matches the lower bound. When $l=2$, the MNL
model reduces to the popular Plackett-Luce (PL) model. In this setting, our
results still outperform the state-of-the-art both theoretically and
numerically. We also compare our algorithms with the state-of-the-art using
synthetic data as well as real-world data to verify the efficiency of our
algorithms.
|
Monge blunts Bayes: Hardness Results for Adversarial Training
|
The last few years have seen a staggering number of empirical studies of the
robustness of neural networks in a model of adversarial perturbations of their
inputs. Most rely on an adversary which carries out local modifications within
prescribed balls. None however has so far questioned the broader picture: how
to frame a resource-bounded adversary so that it can be severely detrimental to
learning, a non-trivial problem which entails at a minimum the choice of loss
and classifiers.
We suggest a formal answer for losses that satisfy the minimal statistical
requirement of being proper. We pin down a simple sufficient property for any
given class of adversaries to be detrimental to learning, involving a central
measure of "harmfulness" which generalizes the well-known class of integral
probability metrics. A key feature of our result is that it holds for all
proper losses, and for a popular subset of these, the optimisation of this
central measure appears to be independent of the loss. When classifiers are
Lipschitz -- a now popular approach in adversarial training --, this
optimisation resorts to optimal transport to make a low-budget compression of
class marginals. Toy experiments reveal a finding recently separately observed:
training against a sufficiently budgeted adversary of this kind improves
generalization.
|
JointGAN: Multi-Domain Joint Distribution Learning with Generative
Adversarial Nets
|
A new generative adversarial network is developed for joint distribution
matching. Distinct from most existing approaches, that only learn conditional
distributions, the proposed model aims to learn a joint distribution of
multiple random variables (domains). This is achieved by learning to sample
from conditional distributions between the domains, while simultaneously
learning to sample from the marginals of each individual domain. The proposed
framework consists of multiple generators and a single softmax-based critic,
all jointly trained via adversarial learning. From a simple noise source, the
proposed framework allows synthesis of draws from the marginals, conditional
draws given observations from a subset of random variables, or complete draws
from the full joint distribution. Most examples considered are for joint
analysis of two domains, with examples for three domains also presented.
|
Towards Binary-Valued Gates for Robust LSTM Training
|
Long Short-Term Memory (LSTM) is one of the most widely used recurrent
structures in sequence modeling. It aims to use gates to control information
flow (e.g., whether to skip some information or not) in the recurrent
computations, although its practical implementation based on soft gates only
partially achieves this goal. In this paper, we propose a new way for LSTM
training, which pushes the output values of the gates towards 0 or 1. By doing
so, we can better control the information flow: the gates are mostly open or
closed, instead of in a middle state, which makes the results more
interpretable. Empirical studies show that (1) Although it seems that we
restrict the model capacity, there is no performance drop: we achieve better or
comparable performances due to its better generalization ability; (2) The
outputs of gates are not sensitive to their inputs: we can easily compress the
LSTM unit in multiple ways, e.g., low-rank approximation and low-precision
approximation. The compressed models are even better than the baseline models
without compression.
|
q-Space Novelty Detection with Variational Autoencoders
|
In machine learning, novelty detection is the task of identifying novel
unseen data. During training, only samples from the normal class are available.
Test samples are classified as normal or abnormal by assignment of a novelty
score. Here we propose novelty detection methods based on training variational
autoencoders (VAEs) on normal data. Since abnormal samples are not used during
training, we define novelty metrics based on the (partially complementary)
assumptions that the VAE is less capable of reconstructing abnormal samples
well; that abnormal samples more strongly violate the VAE regularizer; and that
abnormal samples differ from normal samples not only in input-feature space,
but also in the VAE latent space and VAE output. These approaches, combined
with various possibilities of using (e.g. sampling) the probabilistic VAE to
obtain scalar novelty scores, yield a large family of methods. We apply these
methods to magnetic resonance imaging, namely to the detection of
diffusion-space (q-space) abnormalities in diffusion MRI scans of multiple
sclerosis patients, i.e. to detect multiple sclerosis lesions without using any
lesion labels for training. Many of our methods outperform previously proposed
q-space novelty detection methods. We also evaluate the proposed methods on the
MNIST handwritten digits dataset and show that many of them are able to
outperform the state of the art.
|
Noise-adding Methods of Saliency Map as Series of Higher Order Partial
Derivative
|
SmoothGrad and VarGrad are techniques that enhance the empirical quality of
standard saliency maps by adding noise to input. However, there were few works
that provide a rigorous theoretical interpretation of those methods. We
analytically formalize the result of these noise-adding methods. As a result,
we observe two interesting results from the existing noise-adding methods.
First, SmoothGrad does not make the gradient of the score function smooth.
Second, VarGrad is independent of the gradient of the score function. We
believe that our findings provide a clue to reveal the relationship between
local explanation methods of deep neural networks and higher-order partial
derivatives of the score function.
|
Investigating the Impact of CNN Depth on Neonatal Seizure Detection
Performance
|
This study presents a novel, deep, fully convolutional architecture which is
optimized for the task of EEG-based neonatal seizure detection. Architectures
of different depths were designed and tested; varying network depth impacts
convolutional receptive fields and the corresponding learned feature
complexity. Two deep convolutional networks are compared with a shallow
SVM-based neonatal seizure detector, which relies on the extraction of
hand-crafted features. On a large clinical dataset, of over 800 hours of
multichannel unedited EEG, containing 1389 seizure events, the deep 11-layer
architecture significantly outperforms the shallower architectures, improving
the AUC90 from 82.6% to 86.8%. Combining the end-to-end deep architecture with
the feature-based shallow SVM further improves the AUC90 to 87.6%. The fusion
of classifiers of different depths gives greatly improved performance and
reduced variability, making the combined classifier more clinically reliable.
|
A Stein variational Newton method
|
Stein variational gradient descent (SVGD) was recently proposed as a general
purpose nonparametric variational inference algorithm [Liu & Wang, NIPS 2016]:
it minimizes the Kullback-Leibler divergence between the target distribution
and its approximation by implementing a form of functional gradient descent on
a reproducing kernel Hilbert space. In this paper, we accelerate and generalize
the SVGD algorithm by including second-order information, thereby approximating
a Newton-like iteration in function space. We also show how second-order
information can lead to more effective choices of kernel. We observe
significant computational gains over the original SVGD algorithm in multiple
test cases.
|
Temporal Difference Variational Auto-Encoder
|
To act and plan in complex environments, we posit that agents should have a
mental simulator of the world with three characteristics: (a) it should build
an abstract state representing the condition of the world; (b) it should form a
belief which represents uncertainty on the world; (c) it should go beyond
simple step-by-step simulation, and exhibit temporal abstraction. Motivated by
the absence of a model satisfying all these requirements, we propose TD-VAE, a
generative sequence model that learns representations containing explicit
beliefs about states several steps into the future, and that can be rolled out
directly without single-step transitions. TD-VAE is trained on pairs of
temporally separated time points, using an analogue of temporal difference
learning used in reinforcement learning.
|
Text Classification based on Word Subspace with Term-Frequency
|
Text classification has become indispensable due to the rapid increase of
text in digital form. Over the past three decades, efforts have been made to
approach this task using various learning algorithms and statistical models
based on bag-of-words (BOW) features. Despite its simple implementation, BOW
features lack semantic meaning representation. To solve this problem, neural
networks started to be employed to learn word vectors, such as the word2vec.
Word2vec embeds word semantic structure into vectors, where the angle between
vectors indicates the meaningful similarity between words. To measure the
similarity between texts, we propose the novel concept of word subspace, which
can represent the intrinsic variability of features in a set of word vectors.
Through this concept, it is possible to model text from word vectors while
holding semantic information. To incorporate the word frequency directly in the
subspace model, we further extend the word subspace to the term-frequency (TF)
weighted word subspace. Based on these new concepts, text classification can be
performed under the mutual subspace method (MSM) framework. The validity of our
modeling is shown through experiments on the Reuters text database, comparing
the results to various state-of-art algorithms.
|
Black Box FDR
|
Analyzing large-scale, multi-experiment studies requires scientists to test
each experimental outcome for statistical significance and then assess the
results as a whole. We present Black Box FDR (BB-FDR), an empirical-Bayes
method for analyzing multi-experiment studies when many covariates are gathered
per experiment. BB-FDR learns a series of black box predictive models to boost
power and control the false discovery rate (FDR) at two stages of study
analysis. In Stage 1, it uses a deep neural network prior to report which
experiments yielded significant outcomes. In Stage 2, a separate black box
model of each covariate is used to select features that have significant
predictive power across all experiments. In benchmarks, BB-FDR outperforms
competing state-of-the-art methods in both stages of analysis. We apply BB-FDR
to two real studies on cancer drug efficacy. For both studies, BB-FDR increases
the proportion of significant outcomes discovered and selects variables that
reveal key genomic drivers of drug sensitivity and resistance in cancer.
|
Fidelity-based Probabilistic Q-learning for Control of Quantum Systems
|
The balance between exploration and exploitation is a key problem for
reinforcement learning methods, especially for Q-learning. In this paper, a
fidelity-based probabilistic Q-learning (FPQL) approach is presented to
naturally solve this problem and applied for learning control of quantum
systems. In this approach, fidelity is adopted to help direct the learning
process and the probability of each action to be selected at a certain state is
updated iteratively along with the learning process, which leads to a natural
exploration strategy instead of a pointed one with configured parameters. A
probabilistic Q-learning (PQL) algorithm is first presented to demonstrate the
basic idea of probabilistic action selection. Then the FPQL algorithm is
presented for learning control of quantum systems. Two examples (a spin- 1/2
system and a lamda-type atomic system) are demonstrated to test the performance
of the FPQL algorithm. The results show that FPQL algorithms attain a better
balance between exploration and exploitation, and can also avoid local optimal
policies and accelerate the learning process.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.