title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Calibrating Deep Convolutional Gaussian Processes | The wide adoption of Convolutional Neural Networks (CNNs) in applications
where decision-making under uncertainty is fundamental, has brought a great
deal of attention to the ability of these models to accurately quantify the
uncertainty in their predictions. Previous work on combining CNNs with Gaussian
processes (GPs) has been developed under the assumption that the predictive
probabilities of these models are well-calibrated. In this paper we show that,
in fact, current combinations of CNNs and GPs are miscalibrated. We proposes a
novel combination that considerably outperforms previous approaches on this
aspect, while achieving state-of-the-art performance on image classification
tasks.
|
Unsupervised Learning with Stein's Unbiased Risk Estimator | Learning from unlabeled and noisy data is one of the grand challenges of
machine learning. As such, it has seen a flurry of research with new ideas
proposed continuously. In this work, we revisit a classical idea: Stein's
Unbiased Risk Estimator (SURE). We show that, in the context of image recovery,
SURE and its generalizations can be used to train convolutional neural networks
(CNNs) for a range of image denoising and recovery problems without any ground
truth data.
Specifically, our goal is to reconstruct an image $x$ from a noisy linear
transformation (measurement) of the image. We consider two scenarios: one where
no additional data is available and one where we have measurements of other
images that are drawn from the same noisy distribution as $x$, but have no
access to the clean images. Such is the case, for instance, in the context of
medical imaging, microscopy, and astronomy, where noise-less ground truth data
is rarely available.
We show that in this situation, SURE can be used to estimate the
mean-squared-error loss associated with an estimate of $x$. Using this estimate
of the loss, we train networks to perform denoising and compressed sensing
recovery. In addition, we also use the SURE framework to partially explain and
improve upon an intriguing results presented by Ulyanov et al. in "Deep Image
Prior": that a network initialized with random weights and fit to a single
noisy image can effectively denoise that image.
Public implementations of the networks and methods described in this paper
can be found at https://github.com/ricedsp/D-AMP_Toolbox.
|
cpSGD: Communication-efficient and differentially-private distributed
SGD | Distributed stochastic gradient descent is an important subroutine in
distributed learning. A setting of particular interest is when the clients are
mobile devices, where two important concerns are communication efficiency and
the privacy of the clients. Several recent works have focused on reducing the
communication cost or introducing privacy guarantees, but none of the proposed
communication efficient methods are known to be privacy preserving and none of
the known privacy mechanisms are known to be communication efficient. To this
end, we study algorithms that achieve both communication efficiency and
differential privacy. For $d$ variables and $n \approx d$ clients, the proposed
method uses $O(\log \log(nd))$ bits of communication per client per coordinate
and ensures constant privacy.
We also extend and improve previous analysis of the \emph{Binomial mechanism}
showing that it achieves nearly the same utility as the Gaussian mechanism,
while requiring fewer representation bits, which can be of independent
interest.
|
Adversarial Constraint Learning for Structured Prediction | Constraint-based learning reduces the burden of collecting labels by having
users specify general properties of structured outputs, such as constraints
imposed by physical laws. We propose a novel framework for simultaneously
learning these constraints and using them for supervision, bypassing the
difficulty of using domain expertise to manually specify constraints. Learning
requires a black-box simulator of structured outputs, which generates valid
labels, but need not model their corresponding inputs or the input-label
relationship. At training time, we constrain the model to produce outputs that
cannot be distinguished from simulated labels by adversarial training.
Providing our framework with a small number of labeled inputs gives rise to a
new semi-supervised structured prediction model; we evaluate this model on
multiple tasks --- tracking, pose estimation and time series prediction --- and
find that it achieves high accuracy with only a small number of labeled inputs.
In some cases, no labels are required at all.
|
BRITS: Bidirectional Recurrent Imputation for Time Series | Time series are widely used as signals in many classification/regression
tasks. It is ubiquitous that time series contains many missing values. Given
multiple correlated time series data, how to fill in missing values and to
predict their class labels? Existing imputation methods often impose strong
assumptions of the underlying data generating process, such as linear dynamics
in the state space. In this paper, we propose BRITS, a novel method based on
recurrent neural networks for missing value imputation in time series data. Our
proposed method directly learns the missing values in a bidirectional recurrent
dynamical system, without any specific assumption. The imputed values are
treated as variables of RNN graph and can be effectively updated during the
backpropagation.BRITS has three advantages: (a) it can handle multiple
correlated missing values in time series; (b) it generalizes to time series
with nonlinear dynamics underlying; (c) it provides a data-driven imputation
procedure and applies to general settings with missing data.We evaluate our
model on three real-world datasets, including an air quality dataset, a
health-care data, and a localization data for human activity. Experiments show
that our model outperforms the state-of-the-art methods in both imputation and
classification/regression accuracies.
|
Robust Accelerated Gradient Methods for Smooth Strongly Convex Functions | We study the trade-offs between convergence rate and robustness to gradient
errors in designing a first-order algorithm. We focus on gradient descent (GD)
and accelerated gradient (AG) methods for minimizing strongly convex functions
when the gradient has random errors in the form of additive white noise. With
gradient errors, the function values of the iterates need not converge to the
optimal value; hence, we define the robustness of an algorithm to noise as the
asymptotic expected suboptimality of the iterate sequence to input noise power.
For this robustness measure, we provide exact expressions for the quadratic
case using tools from robust control theory and tight upper bounds for the
smooth strongly convex case using Lyapunov functions certified through matrix
inequalities. We use these characterizations within an optimization problem
which selects parameters of each algorithm to achieve a particular trade-off
between rate and robustness. Our results show that AG can achieve acceleration
while being more robust to random gradient errors. This behavior is quite
different than previously reported in the deterministic gradient noise setting.
We also establish some connections between the robustness of an algorithm and
how quickly it can converge back to the optimal solution if it is perturbed
from the optimal point with deterministic noise. Our framework also leads to
practical algorithms that can perform better than other state-of-the-art
methods in the presence of random gradient noise.
|
Metric-Optimized Example Weights | Real-world machine learning applications often have complex test metrics, and
may have training and test data that are not identically distributed. Motivated
by known connections between complex test metrics and cost-weighted learning,
we propose addressing these issues by using a weighted loss function with a
standard loss, where the weights on the training examples are learned to
optimize the test metric on a validation set. These metric-optimized example
weights can be learned for any test metric, including black box and customized
ones for specific applications. We illustrate the performance of the proposed
method on diverse public benchmark datasets and real-world applications. We
also provide a generalization bound for the method.
|
Robust Hypothesis Testing Using Wasserstein Uncertainty Sets | We develop a novel computationally efficient and general framework for robust
hypothesis testing. The new framework features a new way to construct
uncertainty sets under the null and the alternative distributions, which are
sets centered around the empirical distribution defined via Wasserstein metric,
thus our approach is data-driven and free of distributional assumptions. We
develop a convex safe approximation of the minimax formulation and show that
such approximation renders a nearly-optimal detector among the family of all
possible tests. By exploiting the structure of the least favorable
distribution, we also develop a tractable reformulation of such approximation,
with complexity independent of the dimension of observation space and can be
nearly sample-size-independent in general. Real-data example using human
activity data demonstrated the excellent performance of the new robust
detector.
|
A Local Information Criterion for Dynamical Systems | Encoding a sequence of observations is an essential task with many
applications. The encoding can become highly efficient when the observations
are generated by a dynamical system. A dynamical system imposes regularities on
the observations that can be leveraged to achieve a more efficient code. We
propose a method to encode a given or learned dynamical system. Apart from its
application for encoding a sequence of observations, we propose to use the
compression achieved by this encoding as a criterion for model selection. Given
a dataset, different learning algorithms result in different models. But not
all learned models are equally good. We show that the proposed encoding
approach can be used to choose the learned model which is closer to the true
underlying dynamics. We provide experiments for both encoding and model
selection, and theoretical results that shed light on why the approach works.
|
Dynamic Network Model from Partial Observations | Can evolving networks be inferred and modeled without directly observing
their nodes and edges? In many applications, the edges of a dynamic network
might not be observed, but one can observe the dynamics of stochastic cascading
processes (e.g., information diffusion, virus propagation) occurring over the
unobserved network. While there have been efforts to infer networks based on
such data, providing a generative probabilistic model that is able to identify
the underlying time-varying network remains an open question. Here we consider
the problem of inferring generative dynamic network models based on network
cascade diffusion data. We propose a novel framework for providing a
non-parametric dynamic network model--based on a mixture of coupled
hierarchical Dirichlet processes-- based on data capturing cascade node
infection times. Our approach allows us to infer the evolving community
structure in networks and to obtain an explicit predictive distribution over
the edges of the underlying network--including those that were not involved in
transmission of any cascade, or are likely to appear in the future. We show the
effectiveness of our approach using extensive experiments on synthetic as well
as real-world networks.
|
Contextual Graph Markov Model: A Deep and Generative Approach to Graph
Processing | We introduce the Contextual Graph Markov Model, an approach combining ideas
from generative models and neural networks for the processing of graph data. It
founds on a constructive methodology to build a deep architecture comprising
layers of probabilistic models that learn to encode the structured information
in an incremental fashion. Context is diffused in an efficient and scalable way
across the graph vertexes and edges. The resulting graph encoding is used in
combination with discriminative models to address structure classification
benchmarks.
|
Fast K-Means Clustering with Anderson Acceleration | We propose a novel method to accelerate Lloyd's algorithm for K-Means
clustering. Unlike previous acceleration approaches that reduce computational
cost per iterations or improve initialization, our approach is focused on
reducing the number of iterations required for convergence. This is achieved by
treating the assignment step and the update step of Lloyd's algorithm as a
fixed-point iteration, and applying Anderson acceleration, a well-established
technique for accelerating fixed-point solvers. Classical Anderson acceleration
utilizes m previous iterates to find an accelerated iterate, and its
performance on K-Means clustering can be sensitive to choice of m and the
distribution of samples. We propose a new strategy to dynamically adjust the
value of m, which achieves robust and consistent speedups across different
problem instances. Our method complements existing acceleration techniques, and
can be combined with them to achieve state-of-the-art performance. We perform
extensive experiments to evaluate the performance of the proposed method, where
it outperforms other algorithms in 106 out of 120 test cases, and the mean
decrease ratio of computational time is more than 33%.
|
Defending Against Adversarial Attacks by Leveraging an Entire GAN | Recent work has shown that state-of-the-art models are highly vulnerable to
adversarial perturbations of the input. We propose cowboy, an approach to
detecting and defending against adversarial attacks by using both the
discriminator and generator of a GAN trained on the same dataset. We show that
the discriminator consistently scores the adversarial samples lower than the
real samples across multiple attacks and datasets. We provide empirical
evidence that adversarial samples lie outside of the data manifold learned by
the GAN. Based on this, we propose a cleaning method which uses both the
discriminator and generator of the GAN to project the samples back onto the
data manifold. This cleaning procedure is independent of the classifier and
type of attack and thus can be deployed in existing systems.
|
Fingerprint Policy Optimisation for Robust Reinforcement Learning | Policy gradient methods ignore the potential value of adjusting environment
variables: unobservable state features that are randomly determined by the
environment in a physical setting, but are controllable in a simulator. This
can lead to slow learning, or convergence to suboptimal policies, if the
environment variable has a large impact on the transition dynamics. In this
paper, we present fingerprint policy optimisation (FPO), which finds a policy
that is optimal in expectation across the distribution of environment
variables. The central idea is to use Bayesian optimisation (BO) to actively
select the distribution of the environment variable that maximises the
improvement generated by each iteration of the policy gradient method. To make
this BO practical, we contribute two easy-to-compute low-dimensional
fingerprints of the current policy. Our experiments show that FPO can
efficiently learn policies that are robust to significant rare events, which
are unlikely to be observable under random sampling, but are key to learning
good policies.
|
Adversarial Deformation Regularization for Training Image Registration
Neural Networks | We describe an adversarial learning approach to constrain convolutional
neural network training for image registration, replacing heuristic smoothness
measures of displacement fields often used in these tasks. Using
minimally-invasive prostate cancer intervention as an example application, we
demonstrate the feasibility of utilizing biomechanical simulations to
regularize a weakly-supervised anatomical-label-driven registration network for
aligning pre-procedural magnetic resonance (MR) and 3D intra-procedural
transrectal ultrasound (TRUS) images. A discriminator network is optimized to
distinguish the registration-predicted displacement fields from the motion data
simulated by finite element analysis. During training, the registration network
simultaneously aims to maximize similarity between anatomical labels that
drives image alignment and to minimize an adversarial generator loss that
measures divergence between the predicted- and simulated deformation. The
end-to-end trained network enables efficient and fully-automated registration
that only requires an MR and TRUS image pair as input, without anatomical
labels or simulated data during inference. 108 pairs of labelled MR and TRUS
images from 76 prostate cancer patients and 71,500 nonlinear finite-element
simulations from 143 different patients were used for this study. We show that,
with only gland segmentation as training labels, the proposed method can help
predict physically plausible deformation without any other smoothness penalty.
Based on cross-validation experiments using 834 pairs of independent validation
landmarks, the proposed adversarial-regularized registration achieved a target
registration error of 6.3 mm that is significantly lower than those from
several other regularization methods.
|
Compact and Computationally Efficient Representation of Deep Neural
Networks | At the core of any inference procedure in deep neural networks are dot
product operations, which are the component that require the highest
computational resources. A common approach to reduce the cost of inference is
to reduce its memory complexity by lowering the entropy of the weight matrices
of the neural network, e.g., by pruning and quantizing their elements. However,
the quantized weight matrices are then usually represented either by a dense or
sparse matrix storage format, whose associated dot product complexity is not
bounded by the entropy of the matrix. This means that the associated inference
complexity ultimately depends on the implicit statistical assumptions that
these matrix representations make about the weight distribution, which can be
in many cases suboptimal. In this paper we address this issue and present new
efficient representations for matrices with low entropy statistics. These new
matrix formats have the novel property that their memory and algorithmic
complexity are implicitly bounded by the entropy of the matrix, consequently
implying that they are guaranteed to become more efficient as the entropy of
the matrix is being reduced. In our experiments we show that performing the dot
product under these new matrix formats can indeed be more energy and time
efficient under practically relevant assumptions. For instance, we are able to
attain up to x42 compression ratios, x5 speed ups and x90 energy savings when
we convert in a lossless manner the weight matrices of state-of-the-art
networks such as AlexNet, VGG-16, ResNet152 and DenseNet into the new matrix
formats and benchmark their respective dot product operation.
|
Exponential convergence rates for Batch Normalization: The power of
length-direction decoupling in non-convex optimization | Normalization techniques such as Batch Normalization have been applied
successfully for training deep neural networks. Yet, despite its apparent
empirical benefits, the reasons behind the success of Batch Normalization are
mostly hypothetical. We here aim to provide a more thorough theoretical
understanding from a classical optimization perspective. Our main contribution
towards this goal is the identification of various problem instances in the
realm of machine learning where % -- under certain assumptions-- Batch
Normalization can provably accelerate optimization. We argue that this
acceleration is due to the fact that Batch Normalization splits the
optimization task into optimizing length and direction of the parameters
separately. This allows gradient-based methods to leverage a favourable global
structure in the loss landscape that we prove to exist in Learning Halfspace
problems and neural network training with Gaussian inputs. We thereby turn
Batch Normalization from an effective practical heuristic into a provably
converging algorithm for these settings. Furthermore, we substantiate our
analysis with empirical evidence that suggests the validity of our theoretical
results in a broader context.
|
RetainVis: Visual Analytics with Interpretable and Interactive Recurrent
Neural Networks on Electronic Medical Records | We have recently seen many successful applications of recurrent neural
networks (RNNs) on electronic medical records (EMRs), which contain histories
of patients' diagnoses, medications, and other various events, in order to
predict the current and future states of patients. Despite the strong
performance of RNNs, it is often challenging for users to understand why the
model makes a particular prediction. Such black-box nature of RNNs can impede
its wide adoption in clinical practice. Furthermore, we have no established
methods to interactively leverage users' domain expertise and prior knowledge
as inputs for steering the model. Therefore, our design study aims to provide a
visual analytics solution to increase interpretability and interactivity of
RNNs via a joint effort of medical experts, artificial intelligence scientists,
and visual analytics researchers. Following the iterative design process
between the experts, we design, implement, and evaluate a visual analytics tool
called RetainVis, which couples a newly improved, interpretable and interactive
RNN-based model called RetainEX and visualizations for users' exploration of
EMR data in the context of prediction tasks. Our study shows the effective use
of RetainVis for gaining insights into how individual medical codes contribute
to making risk predictions, using EMRs of patients with heart failure and
cataract symptoms. Our study also demonstrates how we made substantial changes
to the state-of-the-art RNN model called RETAIN in order to make use of
temporal information and increase interactivity. This study will provide a
useful guideline for researchers that aim to design an interpretable and
interactive visual analytics tool for RNNs.
|
Perceive Your Users in Depth: Learning Universal User Representations
from Multiple E-commerce Tasks | Tasks such as search and recommendation have become increas- ingly important
for E-commerce to deal with the information over- load problem. To meet the
diverse needs of di erent users, person- alization plays an important role. In
many large portals such as Taobao and Amazon, there are a bunch of di erent
types of search and recommendation tasks operating simultaneously for person-
alization. However, most of current techniques address each task separately.
This is suboptimal as no information about users shared across di erent tasks.
In this work, we propose to learn universal user representations across
multiple tasks for more e ective personalization. In partic- ular, user
behavior sequences (e.g., click, bookmark or purchase of products) are modeled
by LSTM and attention mechanism by integrating all the corresponding content,
behavior and temporal information. User representations are shared and learned
in an end-to-end setting across multiple tasks. Bene ting from better
information utilization of multiple tasks, the user representations are more e
ective to re ect their interests and are more general to be transferred to new
tasks. We refer this work as Deep User Perception Network (DUPN) and conduct an
extensive set of o ine and online experiments. Across all tested ve di erent
tasks, our DUPN consistently achieves better results by giving more e ective
user representations. Moreover, we deploy DUPN in large scale operational tasks
in Taobao. Detailed implementations, e.g., incre- mental model updating, are
also provided to address the practical issues for the real world applications.
|
A neural network trained to predict future video frames mimics critical
properties of biological neuronal responses and perception | While deep neural networks take loose inspiration from neuroscience, it is an
open question how seriously to take the analogies between artificial deep
networks and biological neuronal systems. Interestingly, recent work has shown
that deep convolutional neural networks (CNNs) trained on large-scale image
recognition tasks can serve as strikingly good models for predicting the
responses of neurons in visual cortex to visual stimuli, suggesting that
analogies between artificial and biological neural networks may be more than
superficial. However, while CNNs capture key properties of the average
responses of cortical neurons, they fail to explain other properties of these
neurons. For one, CNNs typically require large quantities of labeled input data
for training. Our own brains, in contrast, rarely have access to this kind of
supervision, so to the extent that representations are similar between CNNs and
brains, this similarity must arise via different training paths. In addition,
neurons in visual cortex produce complex time-varying responses even to static
inputs, and they dynamically tune themselves to temporal regularities in the
visual environment. We argue that these differences are clues to fundamental
differences between the computations performed in the brain and in deep
networks. To begin to close the gap, here we study the emergent properties of a
previously-described recurrent generative network that is trained to predict
future video frames in a self-supervised manner. Remarkably, the model is able
to capture a wide variety of seemingly disparate phenomena observed in visual
cortex, ranging from single unit response dynamics to complex perceptual motion
illusions. These results suggest potentially deep connections between recurrent
predictive neural network models and the brain, providing new leads that can
enrich both fields.
|
Dual Policy Iteration | Recently, a novel class of Approximate Policy Iteration (API) algorithms have
demonstrated impressive practical performance (e.g., ExIt from [2],
AlphaGo-Zero from [27]). This new family of algorithms maintains, and
alternately optimizes, two policies: a fast, reactive policy (e.g., a deep
neural network) deployed at test time, and a slow, non-reactive policy (e.g.,
Tree Search), that can plan multiple steps ahead. The reactive policy is
updated under supervision from the non-reactive policy, while the non-reactive
policy is improved with guidance from the reactive policy. In this work we
study this Dual Policy Iteration (DPI) strategy in an alternating optimization
framework and provide a convergence analysis that extends existing API theory.
We also develop a special instance of this framework which reduces the update
of non-reactive policies to model-based optimal control using learned local
models, and provides a theoretically sound way of unifying model-free and
model-based RL approaches with unknown dynamics. We demonstrate the efficacy of
our approach on various continuous control Markov Decision Processes.
|
Clustering by latent dimensions | This paper introduces a new clustering technique, called {\em dimensional
clustering}, which clusters each data point by its latent {\em pointwise
dimension}, which is a measure of the dimensionality of the data set local to
that point. Pointwise dimension is invariant under a broad class of
transformations. As a result, dimensional clustering can be usefully applied to
a wide range of datasets. Concretely, we present a statistical model which
estimates the pointwise dimension of a dataset around the points in that
dataset using the distance of each point from its $n^{\text{th}}$ nearest
neighbor. We demonstrate the applicability of our technique to the analysis of
dynamical systems, images, and complex human movements.
|
Improving the Resolution of CNN Feature Maps Efficiently with
Multisampling | We describe a new class of subsampling techniques for CNNs, termed
multisampling, that significantly increases the amount of information kept by
feature maps through subsampling layers. One version of our method, which we
call checkered subsampling, significantly improves the accuracy of
state-of-the-art architectures such as DenseNet and ResNet without any
additional parameters and, remarkably, improves the accuracy of certain
pretrained ImageNet models without any training or fine-tuning. We glean new
insight into the nature of data augmentations and demonstrate, for the first
time, that coarse feature maps are significantly bottlenecking the performance
of neural networks in image classification.
|
Understanding Generalization and Optimization Performance of Deep CNNs | This work aims to provide understandings on the remarkable success of deep
convolutional neural networks (CNNs) by theoretically analyzing their
generalization performance and establishing optimization guarantees for
gradient descent based training algorithms. Specifically, for a CNN model
consisting of $l$ convolutional layers and one fully connected layer, we prove
that its generalization error is bounded by
$\mathcal{O}(\sqrt{\dt\widetilde{\varrho}/n})$ where $\theta$ denotes freedom
degree of the network parameters and
$\widetilde{\varrho}=\mathcal{O}(\log(\prod_{i=1}^{l}\rwi{i}
(\ki{i}-\si{i}+1)/p)+\log(\rf))$ encapsulates architecture parameters including
the kernel size $\ki{i}$, stride $\si{i}$, pooling size $p$ and parameter
magnitude $\rwi{i}$. To our best knowledge, this is the first generalization
bound that only depends on $\mathcal{O}(\log(\prod_{i=1}^{l+1}\rwi{i}))$,
tighter than existing ones that all involve an exponential term like
$\mathcal{O}(\prod_{i=1}^{l+1}\rwi{i})$. Besides, we prove that for an
arbitrary gradient descent algorithm, the computed approximate stationary point
by minimizing empirical risk is also an approximate stationary point to the
population risk. This well explains why gradient descent training algorithms
usually perform sufficiently well in practice. Furthermore, we prove the
one-to-one correspondence and convergence guarantees for the non-degenerate
stationary points between the empirical and population risks. It implies that
the computed local minimum for the empirical risk is also close to a local
minimum for the population risk, thus ensuring the good generalization
performance of CNNs.
|
Universality of Deep Convolutional Neural Networks | Deep learning has been widely applied and brought breakthroughs in speech
recognition, computer vision, and many other domains. The involved deep neural
network architectures and computational issues have been well studied in
machine learning. But there lacks a theoretical foundation for understanding
the approximation or generalization ability of deep learning methods generated
by the network architectures such as deep convolutional neural networks having
convolutional structures. Here we show that a deep convolutional neural network
(CNN) is universal, meaning that it can be used to approximate any continuous
function to an arbitrary accuracy when the depth of the neural network is large
enough. This answers an open question in learning theory. Our quantitative
estimate, given tightly in terms of the number of free parameters to be
computed, verifies the efficiency of deep CNNs in dealing with large
dimensional data. Our study also demonstrates the role of convolutions in deep
CNNs.
|
Object-Level Representation Learning for Few-Shot Image Classification | Few-shot learning that trains image classifiers over few labeled examples per
category is a challenging task. In this paper, we propose to exploit an
additional big dataset with different categories to improve the accuracy of
few-shot learning over our target dataset. Our approach is based on the
observation that images can be decomposed into objects, which may appear in
images from both the additional dataset and our target dataset. We use the
object-level relation learned from the additional dataset to infer the
similarity of images in our target dataset with unseen categories. Nearest
neighbor search is applied to do image classification, which is a
non-parametric model and thus does not need fine-tuning. We evaluate our
algorithm on two popular datasets, namely Omniglot and MiniImagenet. We obtain
8.5\% and 2.7\% absolute improvements for 5-way 1-shot and 5-way 5-shot
experiments on MiniImagenet, respectively. Source code will be published upon
acceptance.
|
Deep Discriminative Latent Space for Clustering | Clustering is one of the most fundamental tasks in data analysis and machine
learning. It is central to many data-driven applications that aim to separate
the data into groups with similar patterns. Moreover, clustering is a complex
procedure that is affected significantly by the choice of the data
representation method. Recent research has demonstrated encouraging clustering
results by learning effectively these representations. In most of these works a
deep auto-encoder is initially pre-trained to minimize a reconstruction loss,
and then jointly optimized with clustering centroids in order to improve the
clustering objective. Those works focus mainly on the clustering phase of the
procedure, while not utilizing the potential benefit out of the initial phase.
In this paper we propose to optimize an auto-encoder with respect to a
discriminative pairwise loss function during the auto-encoder pre-training
phase. We demonstrate the high accuracy obtained by the proposed method as well
as its rapid convergence (e.g. reaching above 92% accuracy on MNIST during the
pre-training phase, in less than 50 epochs), even with small networks.
|
Convolutional neural network compression for natural language processing | Convolutional neural networks are modern models that are very efficient in
many classification tasks. They were originally created for image processing
purposes. Then some trials were performed to use them in different domains like
natural language processing. The artificial intelligence systems (like humanoid
robots) are very often based on embedded systems with constraints on memory,
power consumption etc. Therefore convolutional neural network because of its
memory capacity should be reduced to be mapped to given hardware. In this
paper, results are presented of compressing the efficient convolutional neural
networks for sentiment analysis. The main steps are quantization and pruning
processes. The method responsible for mapping compressed network to FPGA and
results of this implementation are presented. The described simulations showed
that 5-bit width is enough to have no drop in accuracy from floating point
version of the network. Additionally, significant memory footprint reduction
was achieved (from 85% up to 93%).
|
Real-valued parametric conditioning of an RNN for interactive sound
synthesis | A Recurrent Neural Network (RNN) for audio synthesis is trained by augmenting
the audio input with information about signal characteristics such as pitch,
amplitude, and instrument. The result after training is an audio synthesizer
that is played like a musical instrument with the desired musical
characteristics provided as continuous parametric control. The focus of this
paper is on conditioning data-driven synthesis models with real-valued
parameters, and in particular, on the ability of the system a) to generalize
and b) to be responsive to parameter values and sequences not seen during
training.
|
GPGPU Linear Complexity t-SNE Optimization | The t-distributed Stochastic Neighbor Embedding (tSNE) algorithm has become
in recent years one of the most used and insightful techniques for the
exploratory data analysis of high-dimensional data. tSNE reveals clusters of
high-dimensional data points at different scales while it requires only minimal
tuning of its parameters. Despite these advantages, the computational
complexity of the algorithm limits its application to relatively small
datasets. To address this problem, several evolutions of tSNE have been
developed in recent years, mainly focusing on the scalability of the similarity
computations between data points. However, these contributions are insufficient
to achieve interactive rates when visualizing the evolution of the tSNE
embedding for large datasets. In this work, we present a novel approach to the
minimization of the tSNE objective function that heavily relies on modern
graphics hardware and has linear computational complexity. Our technique does
not only beat the state of the art, but can even be executed on the client side
in a browser. We propose to approximate the repulsion forces between data
points using adaptive-resolution textures that are drawn at every iteration
with WebGL. This approximation allows us to reformulate the tSNE minimization
problem as a series of tensor operation that are computed with TensorFlow.js, a
JavaScript library for scalable tensor computations.
|
Sigsoftmax: Reanalysis of the Softmax Bottleneck | Softmax is an output activation function for modeling categorical probability
distributions in many applications of deep learning. However, a recent study
revealed that softmax can be a bottleneck of representational capacity of
neural networks in language modeling (the softmax bottleneck). In this paper,
we propose an output activation function for breaking the softmax bottleneck
without additional parameters. We re-analyze the softmax bottleneck from the
perspective of the output set of log-softmax and identify the cause of the
softmax bottleneck. On the basis of this analysis, we propose sigsoftmax, which
is composed of a multiplication of an exponential function and sigmoid
function. Sigsoftmax can break the softmax bottleneck. The experiments on
language modeling demonstrate that sigsoftmax and mixture of sigsoftmax
outperform softmax and mixture of softmax, respectively.
|
Bayesian Learning with Wasserstein Barycenters | Based on recent developments in optimal transport theory, we propose a novel
model-selection strategy for Bayesian learning. More precisely, the goal of
this paper is to introduce the Wasserstein barycenter of the posterior law on
models, as a Bayesian predictive posterior, alternative to classical choices
such as the maximum a posteriori and the model average Bayesian estimators.
After formulating the general problem of Bayesian model selection in a common,
parameter-free framework, we exhibit conditions granting the existence and
statistical consistency of this estimator, discuss some of its general and
specific properties, and provide insight into its theoretical advantages.
Furthermore, we illustrate how it can be computed using the theoretical
stochastic gradient descent (SGD) algorithm in Wasserstein space introduced in
a companion paper arXiv:2201.04232v2 [math.OC] , and provide a numerical
example for experimental validation of the proposed method.
|
Approximating Real-Time Recurrent Learning with Random Kronecker Factors | Despite all the impressive advances of recurrent neural networks, sequential
data is still in need of better modelling. Truncated backpropagation through
time (TBPTT), the learning algorithm most widely used in practice, suffers from
the truncation bias, which drastically limits its ability to learn long-term
dependencies.The Real-Time Recurrent Learning algorithm (RTRL) addresses this
issue, but its high computational requirements make it infeasible in practice.
The Unbiased Online Recurrent Optimization algorithm (UORO) approximates RTRL
with a smaller runtime and memory cost, but with the disadvantage of obtaining
noisy gradients that also limit its practical applicability. In this paper we
propose the Kronecker Factored RTRL (KF-RTRL) algorithm that uses a Kronecker
product decomposition to approximate the gradients for a large class of RNNs.
We show that KF-RTRL is an unbiased and memory efficient online learning
algorithm. Our theoretical analysis shows that, under reasonable assumptions,
the noise introduced by our algorithm is not only stable over time but also
asymptotically much smaller than the one of the UORO algorithm. We also confirm
these theoretical results experimentally. Further, we show empirically that the
KF-RTRL algorithm captures long-term dependencies and almost matches the
performance of TBPTT on real world tasks by training Recurrent Highway Networks
on a synthetic string memorization task and on the Penn TreeBank task,
respectively. These results indicate that RTRL based approaches might be a
promising future alternative to TBPTT.
|
A Stochastic Decoder for Neural Machine Translation | The process of translation is ambiguous, in that there are typically many
valid trans- lations for a given sentence. This gives rise to significant
variation in parallel cor- pora, however, most current models of machine
translation do not account for this variation, instead treating the prob- lem
as a deterministic process. To this end, we present a deep generative model of
machine translation which incorporates a chain of latent variables, in order to
ac- count for local lexical and syntactic varia- tion in parallel corpora. We
provide an in- depth analysis of the pitfalls encountered in variational
inference for training deep generative models. Experiments on sev- eral
different language pairs demonstrate that the model consistently improves over
strong baselines.
|
Distributed Weight Consolidation: A Brain Segmentation Case Study | Collecting the large datasets needed to train deep neural networks can be
very difficult, particularly for the many applications for which sharing and
pooling data is complicated by practical, ethical, or legal concerns. However,
it may be the case that derivative datasets or predictive models developed
within individual sites can be shared and combined with fewer restrictions.
Training on distributed data and combining the resulting networks is often
viewed as continual learning, but these methods require networks to be trained
sequentially. In this paper, we introduce distributed weight consolidation
(DWC), a continual learning method to consolidate the weights of separate
neural networks, each trained on an independent dataset. We evaluated DWC with
a brain segmentation case study, where we consolidated dilated convolutional
neural networks trained on independent structural magnetic resonance imaging
(sMRI) datasets from different sites. We found that DWC led to increased
performance on test sets from the different sites, while maintaining
generalization performance for a very large and completely independent
multi-site dataset, compared to an ensemble baseline.
|
Investigating Label Noise Sensitivity of Convolutional Neural Networks
for Fine Grained Audio Signal Labelling | We measure the effect of small amounts of systematic and random label noise
caused by slightly misaligned ground truth labels in a fine grained audio
signal labeling task. The task we choose to demonstrate these effects on is
also known as framewise polyphonic transcription or note quantized multi-f0
estimation, and transforms a monaural audio signal into a sequence of note
indicator labels. It will be shown that even slight misalignments have clearly
apparent effects, demonstrating a great sensitivity of convolutional neural
networks to label noise. The implications are clear: when using convolutional
neural networks for fine grained audio signal labeling tasks, great care has to
be taken to ensure that the annotations have precise timing, and are free from
systematic or random error as much as possible - even small misalignments will
have a noticeable impact.
|
Importance Weighted Transfer of Samples in Reinforcement Learning | We consider the transfer of experience samples (i.e., tuples < s, a, s', r >)
in reinforcement learning (RL), collected from a set of source tasks to improve
the learning process in a given target task. Most of the related approaches
focus on selecting the most relevant source samples for solving the target
task, but then all the transferred samples are used without considering anymore
the discrepancies between the task models. In this paper, we propose a
model-based technique that automatically estimates the relevance (importance
weight) of each source sample for solving the target task. In the proposed
approach, all the samples are transferred and used by a batch RL algorithm to
solve the target task, but their contribution to the learning process is
proportional to their importance weight. By extending the results for
importance weighting provided in supervised learning literature, we develop a
finite-sample analysis of the proposed batch RL algorithm. Furthermore, we
empirically compare the proposed algorithm to state-of-the-art approaches,
showing that it achieves better learning performance and is very robust to
negative transfer, even when some source tasks are significantly different from
the target task.
|
Block-optimized Variable Bit Rate Neural Image Compression | In this work, we propose an end-to-end block-based auto-encoder system for
image compression. We introduce novel contributions to neural-network based
image compression, mainly in achieving binarization simulation, variable bit
rates with multiple networks, entropy-friendly representations, inference-stage
code optimization and performance-improving normalization layers in the
auto-encoder. We evaluate and show the incremental performance increase of each
of our contributions.
|
Adaptive Network Sparsification with Dependent Variational
Beta-Bernoulli Dropout | While variational dropout approaches have been shown to be effective for
network sparsification, they are still suboptimal in the sense that they set
the dropout rate for each neuron without consideration of the input data. With
such input-independent dropout, each neuron is evolved to be generic across
inputs, which makes it difficult to sparsify networks without accuracy loss. To
overcome this limitation, we propose adaptive variational dropout whose
probabilities are drawn from sparsity-inducing beta Bernoulli prior. It allows
each neuron to be evolved either to be generic or specific for certain inputs,
or dropped altogether. Such input-adaptive sparsity-inducing dropout allows the
resulting network to tolerate larger degree of sparsity without losing its
expressive power by removing redundancies among features. We validate our
dependent variational beta-Bernoulli dropout on multiple public datasets, on
which it obtains significantly more compact networks than baseline methods,
with consistent accuracy improvements over the base networks.
|
Dirichlet-based Gaussian Processes for Large-scale Calibrated
Classification | In this paper, we study the problem of deriving fast and accurate
classification algorithms with uncertainty quantification. Gaussian process
classification provides a principled approach, but the corresponding
computational burden is hardly sustainable in large-scale problems and devising
efficient alternatives is a challenge. In this work, we investigate if and how
Gaussian process regression directly applied to the classification labels can
be used to tackle this question. While in this case training time is remarkably
faster, predictions need be calibrated for classification and uncertainty
estimation. To this aim, we propose a novel approach based on interpreting the
labels as the output of a Dirichlet distribution. Extensive experimental
results show that the proposed approach provides essentially the same accuracy
and uncertainty quantification of Gaussian process classification while
requiring only a fraction of computational resources.
|
Deep Anomaly Detection Using Geometric Transformations | We consider the problem of anomaly detection in images, and present a new
detection technique. Given a sample of images, all known to belong to a
"normal" class (e.g., dogs), we show how to train a deep neural model that can
detect out-of-distribution images (i.e., non-dog objects). The main idea behind
our scheme is to train a multi-class model to discriminate between dozens of
geometric transformations applied on all the given images. The auxiliary
expertise learned by the model generates feature detectors that effectively
identify, at test time, anomalous images based on the softmax activation
statistics of the model when applied on transformed images. We present
extensive experiments using the proposed detector, which indicate that our
algorithm improves state-of-the-art methods by a wide margin.
|
Scalable and Robust Community Detection with Randomized Sketching | This paper explores and analyzes the unsupervised clustering of large
partially observed graphs. We propose a scalable and provable randomized
framework for clustering graphs generated from the stochastic block model. The
clustering is first applied to a sub-matrix of the graph's adjacency matrix
associated with a reduced graph sketch constructed using random sampling. Then,
the clusters of the full graph are inferred based on the clusters extracted
from the sketch using a correlation-based retrieval step. Uniform random node
sampling is shown to improve the computational complexity over clustering of
the full graph when the cluster sizes are balanced. A new random degree-based
node sampling algorithm is presented which significantly improves upon the
performance of the clustering algorithm even when clusters are unbalanced. This
algorithm improves the phase transitions for matrix-decomposition-based
clustering with regard to computational complexity and minimum cluster size,
which are shown to be nearly dimension-free in the low inter-cluster
connectivity regime. A third sampling technique is shown to improve balance by
randomly sampling nodes based on spatial distribution. We provide analysis and
numerical results using a convex clustering algorithm based on matrix
completion.
|
Personalized Influence Estimation Technique | Customer Satisfaction is the most important factors in the industry
irrespective of domain. Key Driver Analysis is a common practice in data
science to help the business to evaluate the same. Understanding key features,
which influence the outcome or dependent feature, is highly important in
statistical model building. This helps to eliminate not so important factors
from the model to minimize noise coming from the features, which does not
contribute significantly enough to explain the behavior of the dependent
feature, which we want to predict. Personalized Influence Estimation is a
technique introduced in this paper, which can estimate key factor influence for
individual observations, which contribute most for each observations behavior
pattern based on the dependent class or estimate. Observations can come from
multiple business problem i.e. customers related to satisfaction study,
customer related to Fraud Detection, network devices for Fault detection etc.
It is highly important to understand the cause of issue at each observation
level to take appropriate Individualized action at customer level or device
level etc. This technique is based on joint behavior of the feature dimension
for the specific observation, and relative importance of the feature to
estimate impact. The technique mentioned in this paper is aimed to help
organizations to understand each respondents or observations individual key
contributing factor of Influence. Result of the experiment is really
encouraging and able to justify key reasons for churn for majority of the
sample appropriately
|
Discrete flow posteriors for variational inference in discrete dynamical
systems | Each training step for a variational autoencoder (VAE) requires us to sample
from the approximate posterior, so we usually choose simple (e.g. factorised)
approximate posteriors in which sampling is an efficient computation that fully
exploits GPU parallelism. However, such simple approximate posteriors are often
insufficient, as they eliminate statistical dependencies in the posterior.
While it is possible to use normalizing flow approximate posteriors for
continuous latents, some problems have discrete latents and strong statistical
dependencies. The most natural approach to model these dependencies is an
autoregressive distribution, but sampling from such distributions is inherently
sequential and thus slow. We develop a fast, parallel sampling procedure for
autoregressive distributions based on fixed-point iterations which enables
efficient and accurate variational inference in discrete state-space latent
variable dynamical systems. To optimize the variational bound, we considered
two ways to evaluate probabilities: inserting the relaxed samples directly into
the pmf for the discrete distribution, or converting to continuous logistic
latent variables and interpreting the K-step fixed-point iterations as a
normalizing flow. We found that converting to continuous latent variables gave
considerable additional scope for mismatch between the true and approximate
posteriors, which resulted in biased inferences, we thus used the former
approach. Using our fast sampling procedure, we were able to realize the
benefits of correlated posteriors, including accurate uncertainty estimates for
one cell, and accurate connectivity estimates for multiple cells, in an order
of magnitude less time.
|
Lipschitz regularity of deep neural networks: analysis and efficient
estimation | Deep neural networks are notorious for being sensitive to small well-chosen
perturbations, and estimating the regularity of such architectures is of utmost
importance for safe and robust practical applications. In this paper, we
investigate one of the key characteristics to assess the regularity of such
methods: the Lipschitz constant of deep learning architectures. First, we show
that, even for two layer neural networks, the exact computation of this
quantity is NP-hard and state-of-art methods may significantly overestimate it.
Then, we both extend and improve previous estimation methods by providing
AutoLip, the first generic algorithm for upper bounding the Lipschitz constant
of any automatically differentiable function. We provide a power method
algorithm working with automatic differentiation, allowing efficient
computations even on large convolutions. Second, for sequential neural
networks, we propose an improved algorithm named SeqLip that takes advantage of
the linear computation graph to split the computation per pair of consecutive
layers. Third we propose heuristics on SeqLip in order to tackle very large
networks. Our experiments show that SeqLip can significantly improve on the
existing upper bounds. Finally, we provide an implementation of AutoLip in the
PyTorch environment that may be used to better estimate the robustness of a
given neural network to small perturbations or regularize it using more precise
Lipschitz estimations.
|
A Generative Model For Electron Paths | Chemical reactions can be described as the stepwise redistribution of
electrons in molecules. As such, reactions are often depicted using
`arrow-pushing' diagrams which show this movement as a sequence of arrows. We
propose an electron path prediction model (ELECTRO) to learn these sequences
directly from raw reaction data. Instead of predicting product molecules
directly from reactant molecules in one shot, learning a model of electron
movement has the benefits of (a) being easy for chemists to interpret, (b)
incorporating constraints of chemistry, such as balanced atom counts before and
after the reaction, and (c) naturally encoding the sparsity of chemical
reactions, which usually involve changes in only a small number of atoms in the
reactants.We design a method to extract approximate reaction paths from any
dataset of atom-mapped reaction SMILES strings. Our model achieves excellent
performance on an important subset of the USPTO reaction dataset, comparing
favorably to the strongest baselines. Furthermore, we show that our model
recovers a basic knowledge of chemistry without being explicitly trained to do
so.
|
Adaptive neural network classifier for decoding MEG signals | Convolutional Neural Networks (CNN) outperform traditional classification
methods in many domains. Recently these methods have gained attention in
neuroscience and particularly in brain-computer interface (BCI) community.
Here, we introduce a CNN optimized for classification of brain states from
magnetoencephalographic (MEG) measurements. Our CNN design is based on a
generative model of the electromagnetic (EEG and MEG) brain signals and is
readily interpretable in neurophysiological terms. We show here that the
proposed network is able to decode event-related responses as well as
modulations of oscillatory brain activity and that it outperforms more complex
neural networks and traditional classifiers used in the field. Importantly, the
model is robust to inter-individual differences and can successfully generalize
to new subjects in offline and online classification.
|
Dynamically Sacrificing Accuracy for Reduced Computation: Cascaded
Inference Based on Softmax Confidence | We study the tradeoff between computational effort and classification
accuracy in a cascade of deep neural networks. During inference, the user sets
the acceptable accuracy degradation which then automatically determines
confidence thresholds for the intermediate classifiers. As soon as the
confidence threshold is met, inference terminates immediately without having to
compute the output of the complete network. Confidence levels are derived
directly from the softmax outputs of intermediate classifiers, as we do not
train special decision functions. We show that using a softmax output as a
confidence measure in a cascade of deep neural networks leads to a reduction of
15%-50% in the number of MAC operations while degrading the classification
accuracy by roughly 1%. Our method can be easily incorporated into pre-trained
non-cascaded architectures, as we exemplify on ResNet. Our main contribution is
a method that dynamically adjusts the tradeoff between accuracy and computation
without retraining the model.
|
Deeply learning molecular structure-property relationships using
attention- and gate-augmented graph convolutional network | Molecular structure-property relationships are key to molecular engineering
for materials and drug discovery. The rise of deep learning offers a new viable
solution to elucidate the structure-property relationships directly from
chemical data. Here we show that the performance of graph convolutional
networks (GCNs) for the prediction of molecular properties can be improved by
incorporating attention and gate mechanisms. The attention mechanism enables a
GCN to identify atoms in different environments. The gated skip-connection
further improves the GCN by updating feature maps at an appropriate rate. We
demonstrate that the resulting attention- and gate-augmented GCN could extract
better structural features related to a target molecular property such as
solubility, polarity, synthetic accessibility and photovoltaic efficiency
compared to the vanilla GCN. More interestingly, it identified two distinct
parts of molecules as essential structural features for high photovoltaic
efficiency, and each of them coincided with the areas of donor and acceptor
orbitals for charge-transfer excitations, respectively. As a result, the new
model could accurately predict molecular properties and place molecules with
similar properties close to each other in a well-trained latent space, which is
critical for successful molecular engineering.
|
Soft Layer-Specific Multi-Task Summarization with Entailment and
Question Generation | An accurate abstractive summary of a document should contain all its salient
information and should be logically entailed by the input document. We improve
these important aspects of abstractive summarization via multi-task learning
with the auxiliary tasks of question generation and entailment generation,
where the former teaches the summarization model how to look for salient
questioning-worthy details, and the latter teaches the model how to rewrite a
summary which is a directed-logical subset of the input document. We also
propose novel multi-task architectures with high-level (semantic)
layer-specific sharing across multiple encoder and decoder layers of the three
tasks, as well as soft-sharing mechanisms (and show performance ablations and
analysis examples of each contribution). Overall, we achieve statistically
significant improvements over the state-of-the-art on both the CNN/DailyMail
and Gigaword datasets, as well as on the DUC-2002 transfer setup. We also
present several quantitative and qualitative analysis studies of our model's
learned saliency and entailment skills.
|
Memory Augmented Self-Play | Self-play is an unsupervised training procedure which enables the
reinforcement learning agents to explore the environment without requiring any
external rewards. We augment the self-play setting by providing an external
memory where the agent can store experience from the previous tasks. This
enables the agent to come up with more diverse self-play tasks resulting in
faster exploration of the environment. The agent pretrained in the memory
augmented self-play setting easily outperforms the agent pretrained in
no-memory self-play setting.
|
Online Influence Maximization with Local Observations | We consider an online influence maximization problem in which a decision
maker selects a node among a large number of possibilities and places a piece
of information at the node. The node transmits the information to some others
that are in the same connected component in a random graph. The goal of the
decision maker is to reach as many nodes as possible, with the added
complication that feedback is only available about the degree of the selected
node. Our main result shows that such local observations can be sufficient for
maximizing global influence in two broadly studied families of random graph
models: stochastic block models and Chung--Lu models. With this insight, we
propose a bandit algorithm that aims at maximizing local (and thus global)
influence, and provide its theoretical analysis in both the subcritical and
supercritical regimes of both considered models. Notably, our performance
guarantees show no explicit dependence on the total number of nodes in the
network, making our approach well-suited for large-scale applications.
|
Autoencoding any Data through Kernel Autoencoders | This paper investigates a novel algorithmic approach to data representation
based on kernel methods. Assuming that the observations lie in a Hilbert space
X, the introduced Kernel Autoencoder (KAE) is the composition of mappings from
vector-valued Reproducing Kernel Hilbert Spaces (vv-RKHSs) that minimizes the
expected reconstruction error. Beyond a first extension of the autoencoding
scheme to possibly infinite dimensional Hilbert spaces, KAE further allows to
autoencode any kind of data by choosing X to be itself a RKHS. A theoretical
analysis of the model is carried out, providing a generalization bound, and
shedding light on its connection with Kernel Principal Component Analysis. The
proposed algorithms are then detailed at length: they crucially rely on the
form taken by the minimizers, revealed by a dedicated Representer Theorem.
Finally, numerical experiments on both simulated data and real labeled graphs
(molecules) provide empirical evidence of the KAE performances.
|
Scalable Methods for 8-bit Training of Neural Networks | Quantized Neural Networks (QNNs) are often used to improve network efficiency
during the inference phase, i.e. after the network has been trained. Extensive
research in the field suggests many different quantization schemes. Still, the
number of bits required, as well as the best quantization scheme, are yet
unknown. Our theoretical analysis suggests that most of the training process is
robust to substantial precision reduction, and points to only a few specific
operations that require higher precision. Armed with this knowledge, we
quantize the model parameters, activations and layer gradients to 8-bit,
leaving at a higher precision only the final step in the computation of the
weight gradients. Additionally, as QNNs require batch-normalization to be
trained at high precision, we introduce Range Batch-Normalization (BN) which
has significantly higher tolerance to quantization noise and improved
computational complexity. Our simulations show that Range BN is equivalent to
the traditional batch norm if a precise scale adjustment, which can be
approximated analytically, is applied. To the best of the authors' knowledge,
this work is the first to quantize the weights, activations, as well as a
substantial volume of the gradients stream, in all layers (including batch
normalization) to 8-bit while showing state-of-the-art results over the
ImageNet-1K dataset.
|
Scalable Spectral Clustering Using Random Binning Features | Spectral clustering is one of the most effective clustering approaches that
capture hidden cluster structures in the data. However, it does not scale well
to large-scale problems due to its quadratic complexity in constructing
similarity graphs and computing subsequent eigendecomposition. Although a
number of methods have been proposed to accelerate spectral clustering, most of
them compromise considerable information loss in the original data for reducing
computational bottlenecks. In this paper, we present a novel scalable spectral
clustering method using Random Binning features (RB) to simultaneously
accelerate both similarity graph construction and the eigendecomposition.
Specifically, we implicitly approximate the graph similarity (kernel) matrix by
the inner product of a large sparse feature matrix generated by RB. Then we
introduce a state-of-the-art SVD solver to effectively compute eigenvectors of
this large matrix for spectral clustering. Using these two building blocks, we
reduce the computational cost from quadratic to linear in the number of data
points while achieving similar accuracy. Our theoretical analysis shows that
spectral clustering via RB converges faster to the exact spectral clustering
than the standard Random Feature approximation. Extensive experiments on 8
benchmarks show that the proposed method either outperforms or matches the
state-of-the-art methods in both accuracy and runtime. Moreover, our method
exhibits linear scalability in both the number of data samples and the number
of RB features.
|
Flexible and accurate inference and learning for deep generative models | We introduce a new approach to learning in hierarchical latent-variable
generative models called the "distributed distributional code Helmholtz
machine", which emphasises flexibility and accuracy in the inferential process.
In common with the original Helmholtz machine and later variational autoencoder
algorithms (but unlike adverserial methods) our approach learns an explicit
inference or "recognition" model to approximate the posterior distribution over
the latent variables. Unlike in these earlier methods, the posterior
representation is not limited to a narrow tractable parameterised form (nor is
it represented by samples). To train the generative and recognition models we
develop an extended wake-sleep algorithm inspired by the original Helmholtz
Machine. This makes it possible to learn hierarchical latent models with both
discrete and continuous variables, where an accurate posterior representation
is essential. We demonstrate that the new algorithm outperforms current
state-of-the-art methods on synthetic, natural image patch and the MNIST data
sets.
|
Deep Generative Models for Distribution-Preserving Lossy Compression | We propose and study the problem of distribution-preserving lossy
compression. Motivated by recent advances in extreme image compression which
allow to maintain artifact-free reconstructions even at very low bitrates, we
propose to optimize the rate-distortion tradeoff under the constraint that the
reconstructed samples follow the distribution of the training data. The
resulting compression system recovers both ends of the spectrum: On one hand,
at zero bitrate it learns a generative model of the data, and at high enough
bitrates it achieves perfect reconstruction. Furthermore, for intermediate
bitrates it smoothly interpolates between learning a generative model of the
training data and perfectly reconstructing the training samples. We study
several methods to approximately solve the proposed optimization problem,
including a novel combination of Wasserstein GAN and Wasserstein Autoencoder,
and present an extensive theoretical and empirical characterization of the
proposed compression systems.
|
Theory and Experiments on Vector Quantized Autoencoders | Deep neural networks with discrete latent variables offer the promise of
better symbolic reasoning, and learning abstractions that are more useful to
new tasks. There has been a surge in interest in discrete latent variable
models, however, despite several recent improvements, the training of discrete
latent variable models has remained challenging and their performance has
mostly failed to match their continuous counterparts. Recent work on vector
quantized autoencoders (VQ-VAE) has made substantial progress in this
direction, with its perplexity almost matching that of a VAE on datasets such
as CIFAR-10. In this work, we investigate an alternate training technique for
VQ-VAE, inspired by its connection to the Expectation Maximization (EM)
algorithm. Training the discrete bottleneck with EM helps us achieve better
image generation results on CIFAR-10, and together with knowledge distillation,
allows us to develop a non-autoregressive machine translation model whose
accuracy almost matches a strong greedy autoregressive baseline Transformer,
while being 3.3 times faster at inference.
|
Reward Constrained Policy Optimization | Solving tasks in Reinforcement Learning is no easy feat. As the goal of the
agent is to maximize the accumulated reward, it often learns to exploit
loopholes and misspecifications in the reward signal resulting in unwanted
behavior. While constraints may solve this issue, there is no closed form
solution for general constraints. In this work we present a novel
multi-timescale approach for constrained policy optimization, called `Reward
Constrained Policy Optimization' (RCPO), which uses an alternative penalty
signal to guide the policy towards a constraint satisfying one. We prove the
convergence of our approach and provide empirical evidence of its ability to
train constraint satisfying policies.
|
Fast Abstractive Summarization with Reinforce-Selected Sentence
Rewriting | Inspired by how humans summarize long documents, we propose an accurate and
fast summarization model that first selects salient sentences and then rewrites
them abstractively (i.e., compresses and paraphrases) to generate a concise
overall summary. We use a novel sentence-level policy gradient method to bridge
the non-differentiable computation between these two neural networks in a
hierarchical way, while maintaining language fluency. Empirically, we achieve
the new state-of-the-art on all metrics (including human evaluation) on the
CNN/Daily Mail dataset, as well as significantly higher abstractiveness scores.
Moreover, by first operating at the sentence-level and then the word-level, we
enable parallel decoding of our neural generative model that results in
substantially faster (10-20x) inference speed as well as 4x faster training
convergence than previous long-paragraph encoder-decoder models. We also
demonstrate the generalization of our model on the test-only DUC-2002 dataset,
where we achieve higher scores than a state-of-the-art model.
|
More Than a Feeling: Learning to Grasp and Regrasp using Vision and
Touch | For humans, the process of grasping an object relies heavily on rich tactile
feedback. Most recent robotic grasping work, however, has been based only on
visual input, and thus cannot easily benefit from feedback after initiating
contact. In this paper, we investigate how a robot can learn to use tactile
information to iteratively and efficiently adjust its grasp. To this end, we
propose an end-to-end action-conditional model that learns regrasping policies
from raw visuo-tactile data. This model -- a deep, multimodal convolutional
network -- predicts the outcome of a candidate grasp adjustment, and then
executes a grasp by iteratively selecting the most promising actions. Our
approach requires neither calibration of the tactile sensors, nor any
analytical modeling of contact forces, thus reducing the engineering effort
required to obtain efficient grasping policies. We train our model with data
from about 6,450 grasping trials on a two-finger gripper equipped with GelSight
high-resolution tactile sensors on each finger. Across extensive experiments,
our approach outperforms a variety of baselines at (i) estimating grasp
adjustment outcomes, (ii) selecting efficient grasp adjustments for quick
grasping, and (iii) reducing the amount of force applied at the fingers, while
maintaining competitive performance. Finally, we study the choices made by our
model and show that it has successfully acquired useful and interpretable
grasping behaviors.
|
Deep Reinforcement Learning in Ice Hockey for Context-Aware Player
Evaluation | A variety of machine learning models have been proposed to assess the
performance of players in professional sports. However, they have only a
limited ability to model how player performance depends on the game context.
This paper proposes a new approach to capturing game context: we apply Deep
Reinforcement Learning (DRL) to learn an action-value Q function from 3M
play-by-play events in the National Hockey League (NHL). The neural network
representation integrates both continuous context signals and game history,
using a possession-based LSTM. The learned Q-function is used to value players'
actions under different game contexts. To assess a player's overall
performance, we introduce a novel Game Impact Metric (GIM) that aggregates the
values of the player's actions. Empirical Evaluation shows GIM is consistent
throughout a play season, and correlates highly with standard success measures
and future salary.
|
GenAttack: Practical Black-box Attacks with Gradient-Free Optimization | Deep neural networks are vulnerable to adversarial examples, even in the
black-box setting, where the attacker is restricted solely to query access.
Existing black-box approaches to generating adversarial examples typically
require a significant number of queries, either for training a substitute
network or performing gradient estimation. We introduce GenAttack, a
gradient-free optimization technique that uses genetic algorithms for
synthesizing adversarial examples in the black-box setting. Our experiments on
different datasets (MNIST, CIFAR-10, and ImageNet) show that GenAttack can
successfully generate visually imperceptible adversarial examples against
state-of-the-art image recognition models with orders of magnitude fewer
queries than previous approaches. Against MNIST and CIFAR-10 models, GenAttack
required roughly 2,126 and 2,568 times fewer queries respectively, than ZOO,
the prior state-of-the-art black-box attack. In order to scale up the attack to
large-scale high-dimensional ImageNet models, we perform a series of
optimizations that further improve the query efficiency of our attack leading
to 237 times fewer queries against the Inception-v3 model than ZOO.
Furthermore, we show that GenAttack can successfully attack some
state-of-the-art ImageNet defenses, including ensemble adversarial training and
non-differentiable or randomized input transformations. Our results suggest
that evolutionary algorithms open up a promising area of research into
effective black-box attacks.
|
Differentiable Particle Filters: End-to-End Learning with Algorithmic
Priors | We present differentiable particle filters (DPFs): a differentiable
implementation of the particle filter algorithm with learnable motion and
measurement models. Since DPFs are end-to-end differentiable, we can
efficiently train their models by optimizing end-to-end state estimation
performance, rather than proxy objectives such as model accuracy. DPFs encode
the structure of recursive state estimation with prediction and measurement
update that operate on a probability distribution over states. This structure
represents an algorithmic prior that improves learning performance in state
estimation problems while enabling explainability of the learned model. Our
experiments on simulated and real data show substantial benefits from end-to-
end learning with algorithmic priors, e.g. reducing error rates by ~80%. Our
experiments also show that, unlike long short-term memory networks, DPFs learn
localization in a policy-agnostic way and thus greatly improve generalization.
Source code is available at
https://github.com/tu-rbo/differentiable-particle-filters .
|
Unsupervised Learning of Artistic Styles with Archetypal Style Analysis | In this paper, we introduce an unsupervised learning approach to
automatically discover, summarize, and manipulate artistic styles from large
collections of paintings. Our method is based on archetypal analysis, which is
an unsupervised learning technique akin to sparse coding with a geometric
interpretation. When applied to deep image representations from a collection of
artworks, it learns a dictionary of archetypal styles, which can be easily
visualized. After training the model, the style of a new image, which is
characterized by local statistics of deep visual features, is approximated by a
sparse convex combination of archetypes. This enables us to interpret which
archetypal styles are present in the input image, and in which proportion.
Finally, our approach allows us to manipulate the coefficients of the latent
archetypal decomposition, and achieve various special effects such as style
enhancement, transfer, and interpolation between multiple archetypes.
|
GESF: A Universal Discriminative Mapping Mechanism for Graph
Representation Learning | Graph embedding is a central problem in social network analysis and many
other applications, aiming to learn the vector representation for each node.
While most existing approaches need to specify the neighborhood and the
dependence form to the neighborhood, which may significantly degrades the
flexibility of representation, we propose a novel graph node embedding method
(namely GESF) via the set function technique. Our method can 1) learn an
arbitrary form of representation function from neighborhood, 2) automatically
decide the significance of neighbors at different distances, and 3) be applied
to heterogeneous graph embedding, which may contain multiple types of nodes.
Theoretical guarantee for the representation capability of our method has been
proved for general homogeneous and heterogeneous graphs and evaluation results
on benchmark data sets show that the proposed GESF outperforms the
state-of-the-art approaches on producing node vectors for classification tasks.
|
Semi-Implicit Variational Inference | Semi-implicit variational inference (SIVI) is introduced to expand the
commonly used analytic variational distribution family, by mixing the
variational parameter with a flexible distribution. This mixing distribution
can assume any density function, explicit or not, as long as independent random
samples can be generated via reparameterization. Not only does SIVI expand the
variational family to incorporate highly flexible variational distributions,
including implicit ones that have no analytic density functions, but also
sandwiches the evidence lower bound (ELBO) between a lower bound and an upper
bound, and further derives an asymptotically exact surrogate ELBO that is
amenable to optimization via stochastic gradient ascent. With a substantially
expanded variational family and a novel optimization algorithm, SIVI is shown
to closely match the accuracy of MCMC in inferring the posterior in a variety
of Bayesian inference tasks.
|
Learning From Less Data: Diversified Subset Selection and Active
Learning in Image Classification Tasks | Supervised machine learning based state-of-the-art computer vision techniques
are in general data hungry and pose the challenges of not having adequate
computing resources and of high costs involved in human labeling efforts.
Training data subset selection and active learning techniques have been
proposed as possible solutions to these challenges respectively. A special
class of subset selection functions naturally model notions of diversity,
coverage and representation and they can be used to eliminate redundancy and
thus lend themselves well for training data subset selection. They can also
help improve the efficiency of active learning in further reducing human
labeling efforts by selecting a subset of the examples obtained using the
conventional uncertainty sampling based techniques. In this work we empirically
demonstrate the effectiveness of two diversity models, namely the
Facility-Location and Disparity-Min models for training-data subset selection
and reducing labeling effort. We do this for a variety of computer vision tasks
including Gender Recognition, Scene Recognition and Object Recognition. Our
results show that subset selection done in the right way can add 2-3% in
accuracy on existing baselines, particularly in the case of less training data.
This allows the training of complex machine learning models (like Convolutional
Neural Networks) with much less training data while incurring minimal
performance loss.
|
CapsNet comparative performance evaluation for image classification | Image classification has become one of the main tasks in the field of
computer vision technologies. In this context, a recent algorithm called
CapsNet that implements an approach based on activity vectors and dynamic
routing between capsules may overcome some of the limitations of the current
state of the art artificial neural networks (ANN) classifiers, such as
convolutional neural networks (CNN). In this paper, we evaluated the
performance of the CapsNet algorithm in comparison with three well-known
classifiers (Fisher-faces, LeNet, and ResNet). We tested the classification
accuracy on four datasets with a different number of instances and classes,
including images of faces, traffic signs, and everyday objects. The evaluation
results show that even for simple architectures, training the CapsNet algorithm
requires significant computational resources and its classification performance
falls below the average accuracy values of the other three classifiers.
However, we argue that CapsNet seems to be a promising new technique for image
classification, and further experiments using more robust computation resources
and re-fined CapsNet architectures may produce better outcomes.
|
Value Propagation Networks | We present Value Propagation (VProp), a set of parameter-efficient
differentiable planning modules built on Value Iteration which can successfully
be trained using reinforcement learning to solve unseen tasks, has the
capability to generalize to larger map sizes, and can learn to navigate in
dynamic environments. We show that the modules enable learning to plan when the
environment also includes stochastic elements, providing a cost-efficient
learning system to build low-level size-invariant planners for a variety of
interactive navigation problems. We evaluate on static and dynamic
configurations of MazeBase grid-worlds, with randomly generated environments of
several different sizes, and on a StarCraft navigation scenario, with more
complex dynamics, and pixels as input.
|
FairGAN: Fairness-aware Generative Adversarial Networks | Fairness-aware learning is increasingly important in data mining.
Discrimination prevention aims to prevent discrimination in the training data
before it is used to conduct predictive analysis. In this paper, we focus on
fair data generation that ensures the generated data is discrimination free.
Inspired by generative adversarial networks (GAN), we present fairness-aware
generative adversarial networks, called FairGAN, which are able to learn a
generator producing fair data and also preserving good data utility. Compared
with the naive fair data generation models, FairGAN further ensures the
classifiers which are trained on generated data can achieve fair classification
on real data. Experiments on a real dataset show the effectiveness of FairGAN.
|
A Statistical Recurrent Model on the Manifold of Symmetric Positive
Definite Matrices | In a number of disciplines, the data (e.g., graphs, manifolds) to be analyzed
are non-Euclidean in nature. Geometric deep learning corresponds to techniques
that generalize deep neural network models to such non-Euclidean spaces.
Several recent papers have shown how convolutional neural networks (CNNs) can
be extended to learn with graph-based data. In this work, we study the setting
where the data (or measurements) are ordered, longitudinal or temporal in
nature and live on a Riemannian manifold -- this setting is common in a variety
of problems in statistical machine learning, vision and medical imaging. We
show how recurrent statistical recurrent network models can be defined in such
spaces. We give an efficient algorithm and conduct a rigorous analysis of its
statistical properties. We perform extensive numerical experiments
demonstrating competitive performance with state of the art methods but with
significantly less number of parameters. We also show applications to a
statistical analysis task in brain imaging, a regime where deep neural network
models have only been utilized in limited ways.
|
MBA: Mini-Batch AUC Optimization | Area under the receiver operating characteristics curve (AUC) is an important
metric for a wide range of signal processing and machine learning problems, and
scalable methods for optimizing AUC have recently been proposed. However,
handling very large datasets remains an open challenge for this problem. This
paper proposes a novel approach to AUC maximization, based on sampling
mini-batches of positive/negative instance pairs and computing U-statistics to
approximate a global risk minimization problem. The resulting algorithm is
simple, fast, and learning-rate free. We show that the number of samples
required for good performance is independent of the number of pairs available,
which is a quadratic function of the positive and negative instances. Extensive
experiments show the practical utility of the proposed method.
|
Unsupervised Alignment of Embeddings with Wasserstein Procrustes | We consider the task of aligning two sets of points in high dimension, which
has many applications in natural language processing and computer vision. As an
example, it was recently shown that it is possible to infer a bilingual
lexicon, without supervised data, by aligning word embeddings trained on
monolingual data. These recent advances are based on adversarial training to
learn the mapping between the two embeddings. In this paper, we propose to use
an alternative formulation, based on the joint estimation of an orthogonal
matrix and a permutation matrix. While this problem is not convex, we propose
to initialize our optimization algorithm by using a convex relaxation,
traditionally considered for the graph isomorphism problem. We propose a
stochastic algorithm to minimize our cost function on large scale problems.
Finally, we evaluate our method on the problem of unsupervised word
translation, by aligning word embeddings trained on monolingual data. On this
task, our method obtains state of the art results, while requiring less
computational resources than competing approaches.
|
Currency exchange prediction using machine learning, genetic algorithms
and technical analysis | Technical analysis is used to discover investment opportunities. To test this
hypothesis we propose an hybrid system using machine learning techniques
together with genetic algorithms. Using technical analysis there are more ways
to represent a currency exchange time series than the ones it is possible to
test computationally, i.e., it is unfeasible to search the whole input feature
space thus a genetic algorithm is an alternative. In this work, an architecture
for automatic feature selection is proposed to optimize the cross validated
performance estimation of a Naive Bayes model using a genetic algorithm. The
proposed architecture improves the return on investment of the unoptimized
system from 0,43% to 10,29% in the validation set. The features selected and
the model decision boundary are visualized using the algorithm t-Distributed
Stochastic Neighbor embedding.
|
Retraining-Based Iterative Weight Quantization for Deep Neural Networks | Model compression has gained a lot of attention due to its ability to reduce
hardware resource requirements significantly while maintaining accuracy of
DNNs. Model compression is especially useful for memory-intensive recurrent
neural networks because smaller memory footprint is crucial not only for
reducing storage requirement but also for fast inference operations.
Quantization is known to be an effective model compression method and
researchers are interested in minimizing the number of bits to represent
parameters. In this work, we introduce an iterative technique to apply
quantization, presenting high compression ratio without any modifications to
the training algorithm. In the proposed technique, weight quantization is
followed by retraining the model with full precision weights. We show that
iterative retraining generates new sets of weights which can be quantized with
decreasing quantization loss at each iteration. We also show that quantization
is efficiently able to leverage pruning, another effective model compression
method. Implementation issues on combining the two methods are also addressed.
Our experimental results demonstrate that an LSTM model using 1-bit quantized
weights is sufficient for PTB dataset without any accuracy degradation while
previous methods demand at least 2-4 bits for quantized weights.
|
Truncated Horizon Policy Search: Combining Reinforcement Learning &
Imitation Learning | In this paper, we propose to combine imitation and reinforcement learning via
the idea of reward shaping using an oracle. We study the effectiveness of the
near-optimal cost-to-go oracle on the planning horizon and demonstrate that the
cost-to-go oracle shortens the learner's planning horizon as function of its
accuracy: a globally optimal oracle can shorten the planning horizon to one,
leading to a one-step greedy Markov Decision Process which is much easier to
optimize, while an oracle that is far away from the optimality requires
planning over a longer horizon to achieve near-optimal performance. Hence our
new insight bridges the gap and interpolates between imitation learning and
reinforcement learning. Motivated by the above mentioned insights, we propose
Truncated HORizon Policy Search (THOR), a method that focuses on searching for
policies that maximize the total reshaped reward over a finite planning horizon
when the oracle is sub-optimal. We experimentally demonstrate that a
gradient-based implementation of THOR can achieve superior performance compared
to RL baselines and IL baselines even when the oracle is sub-optimal.
|
On Robust Trimming of Bayesian Network Classifiers | This paper considers the problem of removing costly features from a Bayesian
network classifier. We want the classifier to be robust to these changes, and
maintain its classification behavior. To this end, we propose a closeness
metric between Bayesian classifiers, called the expected classification
agreement (ECA). Our corresponding trimming algorithm finds an optimal subset
of features and a new classification threshold that maximize the expected
agreement, subject to a budgetary constraint. It utilizes new theoretical
insights to perform branch-and-bound search in the space of feature sets, while
computing bounds on the ECA. Our experiments investigate both the runtime cost
of trimming and its effect on the robustness and accuracy of the final
classifier.
|
Disentangling by Partitioning: A Representation Learning Framework for
Multimodal Sensory Data | Multimodal sensory data resembles the form of information perceived by humans
for learning, and are easy to obtain in large quantities. Compared to unimodal
data, synchronization of concepts between modalities in such data provides
supervision for disentangling the underlying explanatory factors of each
modality. Previous work leveraging multimodal data has mainly focused on
retaining only the modality-invariant factors while discarding the rest. In
this paper, we present a partitioned variational autoencoder (PVAE) and several
training objectives to learn disentangled representations, which encode not
only the shared factors, but also modality-dependent ones, into separate latent
variables. Specifically, PVAE integrates a variational inference framework and
a multimodal generative model that partitions the explanatory factors and
conditions only on the relevant subset of them for generation. We evaluate our
model on two parallel speech/image datasets, and demonstrate its ability to
learn disentangled representations by qualitatively exploring within-modality
and cross-modality conditional generation with semantics and styles specified
by examples. For quantitative analysis, we evaluate the classification accuracy
of automatically discovered semantic units. Our PVAE can achieve over 99%
accuracy on both modalities.
|
Improved Mixed-Example Data Augmentation | In order to reduce overfitting, neural networks are typically trained with
data augmentation, the practice of artificially generating additional training
data via label-preserving transformations of existing training examples. While
these types of transformations make intuitive sense, recent work has
demonstrated that even non-label-preserving data augmentation can be
surprisingly effective, examining this type of data augmentation through linear
combinations of pairs of examples. Despite their effectiveness, little is known
about why such methods work. In this work, we aim to explore a new, more
generalized form of this type of data augmentation in order to determine
whether such linearity is necessary. By considering this broader scope of
"mixed-example data augmentation", we find a much larger space of practical
augmentation techniques, including methods that improve upon previous
state-of-the-art. This generalization has benefits beyond the promise of
improved performance, revealing a number of types of mixed-example data
augmentation that are radically different from those considered in prior work,
which provides evidence that current theories for the effectiveness of such
methods are incomplete and suggests that any such theory must explain a much
broader phenomenon. Code is available at
https://github.com/ceciliaresearch/MixedExample.
|
Wasserstein Variational Inference | This paper introduces Wasserstein variational inference, a new form of
approximate Bayesian inference based on optimal transport theory. Wasserstein
variational inference uses a new family of divergences that includes both
f-divergences and the Wasserstein distance as special cases. The gradients of
the Wasserstein variational loss are obtained by backpropagating through the
Sinkhorn iterations. This technique results in a very stable likelihood-free
training method that can be used with implicit distributions and probabilistic
programs. Using the Wasserstein variational inference framework, we introduce
several new forms of autoencoders and test their robustness and performance
against existing variational autoencoding techniques.
|
Neural networks for stock price prediction | Due to the extremely volatile nature of financial markets, it is commonly
accepted that stock price prediction is a task full of challenge. However in
order to make profits or understand the essence of equity market, numerous
market participants or researchers try to forecast stock price using various
statistical, econometric or even neural network models. In this work, we survey
and compare the predictive power of five neural network models, namely, back
propagation (BP) neural network, radial basis function (RBF) neural network,
general regression neural network (GRNN), support vector machine regression
(SVMR), least squares support vector machine regresssion (LS-SVMR). We apply
the five models to make price prediction of three individual stocks, namely,
Bank of China, Vanke A and Kweichou Moutai. Adopting mean square error and
average absolute percentage error as criteria, we find BP neural network
consistently and robustly outperforms the other four models.
|
Bayesian Inference with Anchored Ensembles of Neural Networks, and
Application to Exploration in Reinforcement Learning | The use of ensembles of neural networks (NNs) for the quantification of
predictive uncertainty is widespread. However, the current justification is
intuitive rather than analytical. This work proposes one minor modification to
the normal ensembling methodology, which we prove allows the ensemble to
perform Bayesian inference, hence converging to the corresponding Gaussian
Process as both the total number of NNs, and the size of each, tend to
infinity. This working paper provides early-stage results in a reinforcement
learning setting, analysing the practicality of the technique for an ensemble
of small, finite number. Using the uncertainty estimates produced by anchored
ensembles to govern the exploration-exploitation process results in steadier,
more stable learning.
|
Lightweight Probabilistic Deep Networks | Even though probabilistic treatments of neural networks have a long history,
they have not found widespread use in practice. Sampling approaches are often
too slow already for simple networks. The size of the inputs and the depth of
typical CNN architectures in computer vision only compound this problem.
Uncertainty in neural networks has thus been largely ignored in practice,
despite the fact that it may provide important information about the
reliability of predictions and the inner workings of the network. In this
paper, we introduce two lightweight approaches to making supervised learning
with probabilistic deep networks practical: First, we suggest probabilistic
output layers for classification and regression that require only minimal
changes to existing networks. Second, we employ assumed density filtering and
show that activation uncertainties can be propagated in a practical fashion
through the entire network, again with minor changes. Both probabilistic
networks retain the predictive power of the deterministic counterpart, but
yield uncertainties that correlate well with the empirical error induced by
their predictions. Moreover, the robustness to adversarial examples is
significantly increased.
|
Hamiltonian Variational Auto-Encoder | Variational Auto-Encoders (VAEs) have become very popular techniques to
perform inference and learning in latent variable models as they allow us to
leverage the rich representational power of neural networks to obtain flexible
approximations of the posterior of latent variables as well as tight evidence
lower bounds (ELBOs). Combined with stochastic variational inference, this
provides a methodology scaling to large datasets. However, for this methodology
to be practically efficient, it is necessary to obtain low-variance unbiased
estimators of the ELBO and its gradients with respect to the parameters of
interest. While the use of Markov chain Monte Carlo (MCMC) techniques such as
Hamiltonian Monte Carlo (HMC) has been previously suggested to achieve this
[23, 26], the proposed methods require specifying reverse kernels which have a
large impact on performance. Additionally, the resulting unbiased estimator of
the ELBO for most MCMC kernels is typically not amenable to the
reparameterization trick. We show here how to optimally select reverse kernels
in this setting and, by building upon Hamiltonian Importance Sampling (HIS)
[17], we obtain a scheme that provides low-variance unbiased estimators of the
ELBO and its gradients using the reparameterization trick. This allows us to
develop a Hamiltonian Variational Auto-Encoder (HVAE). This method can be
reinterpreted as a target-informed normalizing flow [20] which, within our
context, only requires a few evaluations of the gradient of the sampled
likelihood and trivial Jacobian calculations at each iteration.
|
Fully Statistical Neural Belief Tracking | This paper proposes an improvement to the existing data-driven Neural Belief
Tracking (NBT) framework for Dialogue State Tracking (DST). The existing NBT
model uses a hand-crafted belief state update mechanism which involves an
expensive manual retuning step whenever the model is deployed to a new dialogue
domain. We show that this update mechanism can be learned jointly with the
semantic decoding and context modelling parts of the NBT model, eliminating the
last rule-based module from this DST framework. We propose two different
statistical update mechanisms and show that dialogue dynamics can be modelled
with a very small number of additional model parameters. In our DST evaluation
over three languages, we show that this model achieves competitive performance
and provides a robust framework for building resource-light DST models.
|
Lovasz Convolutional Networks | Semi-supervised learning on graph structured data has received significant
attention with the recent introduction of Graph Convolution Networks (GCN).
While traditional methods have focused on optimizing a loss augmented with
Laplacian regularization framework, GCNs perform an implicit Laplacian type
regularization to capture local graph structure. In this work, we propose
Lovasz Convolutional Network (LCNs) which are capable of incorporating global
graph properties. LCNs achieve this by utilizing Lovasz's orthonormal
embeddings of the nodes. We analyse local and global properties of graphs and
demonstrate settings where LCNs tend to work better than GCNs. We validate the
proposed method on standard random graph models such as stochastic block models
(SBM) and certain community structure based graphs where LCNs outperform GCNs
and learn more intuitive embeddings. We also perform extensive binary and
multi-class classification experiments on real world datasets to demonstrate
LCN's effectiveness. In addition to simple graphs, we also demonstrate the use
of LCNs on hyper-graphs by identifying settings where they are expected to work
better than GCNs.
|
Kernel embedding of maps for sequential Bayesian inference: The
variational mapping particle filter | In this work, a novel sequential Monte Carlo filter is introduced which aims
at efficient sampling of high-dimensional state spaces with a limited number of
particles. Particles are pushed forward from the prior to the posterior density
using a sequence of mappings that minimizes the Kullback-Leibler divergence
between the posterior and the sequence of intermediate densities. The sequence
of mappings represents a gradient flow. A key ingredient of the mappings is
that they are embedded in a reproducing kernel Hilbert space, which allows for
a practical and efficient algorithm. The embedding provides a direct means to
calculate the gradient of the Kullback-Leibler divergence leading to quick
convergence using well-known gradient-based stochastic optimization algorithms.
Evaluation of the method is conducted in the chaotic Lorenz-63 system, the
Lorenz-96 system, which is a coarse prototype of atmospheric dynamics, and an
epidemic model that describes cholera dynamics. No resampling is required in
the mapping particle filter even for long recursive sequences. The number of
effective particles remains close to the total number of particles in all the
experiments.
|
Supervised Learning Under Distributed Features | This work studies the problem of learning under both large datasets and
large-dimensional feature space scenarios. The feature information is assumed
to be spread across agents in a network, where each agent observes some of the
features. Through local cooperation, the agents are supposed to interact with
each other to solve an inference problem and converge towards the global
minimizer of an empirical risk. We study this problem exclusively in the primal
domain, and propose new and effective distributed solutions with guaranteed
convergence to the minimizer with linear rate under strong convexity. This is
achieved by combining a dynamic diffusion construction, a pipeline strategy,
and variance-reduced techniques. Simulation results illustrate the conclusions.
|
Uniform regret bounds over $R^d$ for the sequential linear regression
problem with the square loss | We consider the setting of online linear regression for arbitrary
deterministic sequences, with the square loss. We are interested in the aim set
by Bartlett et al. (2015): obtain regret bounds that hold uniformly over all
competitor vectors. When the feature sequence is known at the beginning of the
game, they provided closed-form regret bounds of $2d B^2 \ln T +
\mathcal{O}_T(1)$, where $T$ is the number of rounds and $B$ is a bound on the
observations. Instead, we derive bounds with an optimal constant of $1$ in
front of the $d B^2 \ln T$ term. In the case of sequentially revealed features,
we also derive an asymptotic regret bound of $d B^2 \ln T$ for any individual
sequence of features and bounded observations. All our algorithms are variants
of the online non-linear ridge regression forecaster, either with a
data-dependent regularization or with almost no regularization.
|
A novel channel pruning method for deep neural network compression | In recent years, deep neural networks have achieved great success in the
field of computer vision. However, it is still a big challenge to deploy these
deep models on resource-constrained embedded devices such as mobile robots,
smart phones and so on. Therefore, network compression for such platforms is a
reasonable solution to reduce memory consumption and computation complexity. In
this paper, a novel channel pruning method based on genetic algorithm is
proposed to compress very deep Convolution Neural Networks (CNNs). Firstly, a
pre-trained CNN model is pruned layer by layer according to the sensitivity of
each layer. After that, the pruned model is fine-tuned based on knowledge
distillation framework. These two improvements significantly decrease the model
redundancy with less accuracy drop. Channel selection is a combinatorial
optimization problem that has exponential solution space. In order to
accelerate the selection process, the proposed method formulates it as a search
problem, which can be solved efficiently by genetic algorithm. Meanwhile, a
two-step approximation fitness function is designed to further improve the
efficiency of genetic process. The proposed method has been verified on three
benchmark datasets with two popular CNN models: VGGNet and ResNet. On the
CIFAR-100 and ImageNet datasets, our approach outperforms several
state-of-the-art methods. On the CIFAR-10 and SVHN datasets, the pruned VGGNet
achieves better performance than the original model with 8 times parameters
compression and 3 times FLOPs reduction.
|
Representational Power of ReLU Networks and Polynomial Kernels: Beyond
Worst-Case Analysis | There has been a large amount of interest, both in the past and particularly
recently, into the power of different families of universal approximators, e.g.
ReLU networks, polynomials, rational functions. However, current research has
focused almost exclusively on understanding this problem in a worst-case
setting, e.g. bounding the error of the best infinity-norm approximation in a
box. In this setting a high-degree polynomial is required to even approximate a
single ReLU.
However, in real applications with high dimensional data we expect it is only
important to approximate the desired function well on certain relevant parts of
its domain. With this motivation, we analyze the ability of neural networks and
polynomial kernels of bounded degree to achieve good statistical performance on
a simple, natural inference problem with sparse latent structure. We give
almost-tight bounds on the performance of both neural networks and low degree
polynomials for this problem. Our bounds for polynomials involve new techniques
which may be of independent interest and show major qualitative differences
with what is known in the worst-case setting.
|
Virtuously Safe Reinforcement Learning | We show that when a third party, the adversary, steps into the two-party
setting (agent and operator) of safely interruptible reinforcement learning, a
trade-off has to be made between the probability of following the optimal
policy in the limit, and the probability of escaping a dangerous situation
created by the adversary. So far, the work on safely interruptible agents has
assumed a perfect perception of the agent about its environment (no adversary),
and therefore implicitly set the second probability to zero, by explicitly
seeking a value of one for the first probability. We show that (1) agents can
be made both interruptible and adversary-resilient, and (2) the
interruptibility can be made safe in the sense that the agent itself will not
seek to avoid it. We also solve the problem that arises when the agent does not
go completely greedy, i.e. issues with safe exploration in the limit.
Resilience to perturbed perception, safe exploration in the limit, and safe
interruptibility are the three pillars of what we call \emph{virtuously safe
reinforcement learning}.
|
Model-based Pricing for Machine Learning in a Data Marketplace | Data analytics using machine learning (ML) has become ubiquitous in science,
business intelligence, journalism and many other domains. While a lot of work
focuses on reducing the training cost, inference runtime and storage cost of ML
models, little work studies how to reduce the cost of data acquisition, which
potentially leads to a loss of sellers' revenue and buyers' affordability and
efficiency.
In this paper, we propose a model-based pricing (MBP) framework, which
instead of pricing the data, directly prices ML model instances. We first
formally describe the desired properties of the MBP framework, with a focus on
avoiding arbitrage. Next, we show a concrete realization of the MBP framework
via a noise injection approach, which provably satisfies the desired formal
properties. Based on the proposed framework, we then provide algorithmic
solutions on how the seller can assign prices to models under different market
scenarios (such as to maximize revenue). Finally, we conduct extensive
experiments, which validate that the MBP framework can provide high revenue to
the seller, high affordability to the buyer, and also operate on low runtime
cost.
|
An Analytic Solution to the Inverse Ising Problem in the Tree-reweighted
Approximation | Many iterative and non-iterative methods have been developed for inverse
problems associated with Ising models. Aiming to derive an accurate
non-iterative method for the inverse problems, we employ the tree-reweighted
approximation. Using the tree-reweighted approximation, we can optimize the
rigorous lower bound of the objective function. By solving the moment-matching
and self-consistency conditions analytically, we can derive the interaction
matrix as a function of the given data statistics. With this solution, we can
obtain the optimal interaction matrix without iterative computation. To
evaluate the accuracy of the proposed inverse formula, we compared our results
to those obtained by existing inverse formulae derived with other
approximations. In an experiment to reconstruct the interaction matrix, we
found that the proposed formula returns the best estimates in
strongly-attractive regions for various graph structures. We also performed an
experiment using real-world biological data. When applied to finding the
connectivity of neurons from spike train data, the proposed formula gave the
closest result to that obtained by a gradient ascent algorithm, which typically
requires thousands of iterations.
|
Efficient Bayesian Inference for a Gaussian Process Density Model | We reconsider a nonparametric density model based on Gaussian processes. By
augmenting the model with latent P\'olya--Gamma random variables and a latent
marked Poisson process we obtain a new likelihood which is conjugate to the
model's Gaussian process prior. The augmented posterior allows for efficient
inference by Gibbs sampling and an approximate variational mean field approach.
For the latter we utilise sparse GP approximations to tackle the infinite
dimensionality of the problem. The performance of both algorithms and
comparisons with other density estimators are demonstrated on artificial and
real datasets with up to several thousand data points.
|
Capturing Variabilities from Computed Tomography Images with Generative
Adversarial Networks | With the advent of Deep Learning (DL) techniques, especially Generative
Adversarial Networks (GANs), data augmentation and generation are quickly
evolving domains that have raised much interest recently. However, the DL
techniques are data demanding and since, medical data is not easily accessible,
they suffer from data insufficiency. To deal with this limitation, different
data augmentation techniques are used. Here, we propose a novel unsupervised
data-driven approach for data augmentation that can generate 2D Computed
Tomography (CT) images using a simple GAN. The generated CT images have good
global and local features of a real CT image and can be used to augment the
training datasets for effective learning. In this proof-of-concept study, we
show that our proposed solution using GANs is able to capture some of the
global and local CT variabilities. Our network is able to generate visually
realistic CT images and we aim to further enhance its output by scaling it to a
higher resolution and potentially from 2D to 3D.
|
Learning to Transcribe by Ear | Rethinking how to model polyphonic transcription formally, we frame it as a
reinforcement learning task. Such a task formulation encompasses the notion of
a musical agent and an environment containing an instrument as well as the
sound source to be transcribed. Within this conceptual framework, the
transcription process can be described as the agent interacting with the
instrument in the environment, and obtaining reward by playing along with what
it hears. Choosing from a discrete set of actions - the notes to play on its
instrument - the amount of reward the agent experiences depends on which notes
it plays and when. This process resembles how a human musician might approach
the task of transcription, and the satisfaction she achieves by closely
mimicking the sound source to transcribe on her instrument. Following a
discussion of the theoretical framework and the benefits of modelling the
problem in this way, we focus our attention on several practical considerations
and address the difficulties in training an agent to acceptable performance on
a set of tasks with increasing difficulty. We demonstrate promising results in
partially constrained environments.
|
airpred: A Flexible R Package Implementing Methods for Predicting Air
Pollution | Fine particulate matter (PM$_{2.5}$) is one of the criteria air pollutants
regulated by the Environmental Protection Agency in the United States. There is
strong evidence that ambient exposure to (PM$_{2.5}$) increases risk of
mortality and hospitalization. Large scale epidemiological studies on the
health effects of PM$_{2.5}$ provide the necessary evidence base for lowering
the safety standards and inform regulatory policy. However, ambient monitors of
PM$_{2.5}$ (as well as monitors for other pollutants) are sparsely located
across the U.S., and therefore studies based only on the levels of PM$_{2.5}$
measured from the monitors would inevitably exclude large amounts of the
population. One approach to resolving this issue has been developing models to
predict local PM$_{2.5}$, NO$_2$, and ozone based on satellite, meteorological,
and land use data. This process typically relies developing a prediction model
that relies on large amounts of input data and is highly computationally
intensive to predict levels of air pollution in unmonitored areas. We have
developed a flexible R package that allows for environmental health researchers
to design and train spatio-temporal models capable of predicting multiple
pollutants, including PM$_{2.5}$. We utilize H2O, an open source big data
platform, to achieve both performance and scalability when used in conjunction
with cloud or cluster computing systems.
|
Forward Amortized Inference for Likelihood-Free Variational
Marginalization | In this paper, we introduce a new form of amortized variational inference by
using the forward KL divergence in a joint-contrastive variational loss. The
resulting forward amortized variational inference is a likelihood-free method
as its gradient can be sampled without bias and without requiring any
evaluation of either the model joint distribution or its derivatives. We prove
that our new variational loss is optimized by the exact posterior marginals in
the fully factorized mean-field approximation, a property that is not shared
with the more conventional reverse KL inference. Furthermore, we show that
forward amortized inference can be easily marginalized over large families of
latent variables in order to obtain a marginalized variational posterior. We
consider two examples of variational marginalization. In our first example we
train a Bayesian forecaster for predicting a simplified chaotic model of
atmospheric convection. In the second example we train an amortized variational
approximation of a Bayesian optimal classifier by marginalizing over the model
space. The result is a powerful meta-classification network that can solve
arbitrary classification problems without further training.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.