title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
OFF-ApexNet on Micro-expression Recognition System | When a person attempts to conceal an emotion, the genuine emotion is manifest
as a micro-expression. Exploration of automatic facial micro-expression
recognition systems is relatively new in the computer vision domain. This is
due to the difficulty in implementing optimal feature extraction methods to
cope with the subtlety and brief motion characteristics of the expression. Most
of the existing approaches extract the subtle facial movements based on
hand-crafted features. In this paper, we address the micro-expression
recognition task with a convolutional neural network (CNN) architecture, which
well integrates the features extracted from each video. A new feature
descriptor, Optical Flow Features from Apex frame Network (OFF-ApexNet) is
introduced. This feature descriptor combines the optical ow guided context with
the CNN. Firstly, we obtain the location of the apex frame from each video
sequence as it portrays the highest intensity of facial motion among all
frames. Then, the optical ow information are attained from the apex frame and a
reference frame (i.e., onset frame). Finally, the optical flow features are fed
into a pre-designed CNN model for further feature enhancement as well as to
carry out the expression classification. To evaluate the effectiveness of
OFF-ApexNet, comprehensive evaluations are conducted on three public
spontaneous micro-expression datasets (i.e., SMIC, CASME II and SAMM). The
promising recognition result suggests that the proposed method can optimally
describe the significant micro-expression details. In particular, we report
that, in a multi-database with leave-one-subject-out cross-validation
experimental protocol, the recognition performance reaches 74.60% of
recognition accuracy and F-measure of 71.04%. We also note that this is the
first work that performs cross-dataset validation on three databases in this
domain.
|
Replicating Active Appearance Model by Generator Network | A recent Cell paper [Chang and Tsao, 2017] reports an interesting discovery.
For the face stimuli generated by a pre-trained active appearance model (AAM),
the responses of neurons in the areas of the primate brain that are responsible
for face recognition exhibit strong linear relationship with the shape
variables and appearance variables of the AAM that generates the face stimuli.
In this paper, we show that this behavior can be replicated by a deep
generative model called the generator network, which assumes that the observed
signals are generated by latent random variables via a top-down convolutional
neural network. Specifically, we learn the generator network from the face
images generated by a pre-trained AAM model using variational auto-encoder, and
we show that the inferred latent variables of the learned generator network
have strong linear relationship with the shape and appearance variables of the
AAM model that generates the face images. Unlike the AAM model that has an
explicit shape model where the shape variables generate the control points or
landmarks, the generator network has no such shape model and shape variables.
Yet the generator network can learn the shape knowledge in the sense that some
of the latent variables of the learned generator network capture the shape
variations in the face images generated by AAM.
|
A Simple Cache Model for Image Recognition | Training large-scale image recognition models is computationally expensive.
This raises the question of whether there might be simple ways to improve the
test performance of an already trained model without having to re-train or
fine-tune it with new data. Here, we show that, surprisingly, this is indeed
possible. The key observation we make is that the layers of a deep network
close to the output layer contain independent, easily extractable
class-relevant information that is not contained in the output layer itself. We
propose to extract this extra class-relevant information using a simple
key-value cache memory to improve the classification performance of the model
at test time. Our cache memory is directly inspired by a similar cache model
previously proposed for language modeling (Grave et al., 2017). This cache
component does not require any training or fine-tuning; it can be applied to
any pre-trained model and, by properly setting only two hyper-parameters, leads
to significant improvements in its classification performance. Improvements are
observed across several architectures and datasets. In the cache component,
using features extracted from layers close to the output (but not from the
output layer itself) as keys leads to the largest improvements. Concatenating
features from multiple layers to form keys can further improve performance over
using single-layer features as keys. The cache component also has a
regularizing effect, a simple consequence of which is that it substantially
increases the robustness of models against adversarial attacks.
|
Parsimonious Bayesian deep networks | Combining Bayesian nonparametrics and a forward model selection strategy, we
construct parsimonious Bayesian deep networks (PBDNs) that infer
capacity-regularized network architectures from the data and require neither
cross-validation nor fine-tuning when training the model. One of the two
essential components of a PBDN is the development of a special infinite-wide
single-hidden-layer neural network, whose number of active hidden units can be
inferred from the data. The other one is the construction of a greedy
layer-wise learning algorithm that uses a forward model selection criterion to
determine when to stop adding another hidden layer. We develop both Gibbs
sampling and stochastic gradient descent based maximum a posteriori inference
for PBDNs, providing state-of-the-art classification accuracy and interpretable
data subtypes near the decision boundaries, while maintaining low computational
complexity for out-of-sample prediction.
|
Adversarial Training of Word2Vec for Basket Completion | In recent years, the Word2Vec model trained with the Negative Sampling loss
function has shown state-of-the-art results in a number of machine learning
tasks, including language modeling tasks, such as word analogy and word
similarity, and in recommendation tasks, through Prod2Vec, an extension that
applies to modeling user shopping activity and user preferences. Several
methods that aim to improve upon the standard Negative Sampling loss have been
proposed. In our paper we pursue more sophisticated Negative Sampling, by
leveraging ideas from the field of Generative Adversarial Networks (GANs), and
propose Adversarial Negative Sampling. We build upon the recent progress made
in stabilizing the training objective of GANs in the discrete data setting, and
introduce a new GAN-Word2Vec model.We evaluate our model on the task of basket
completion, and show significant improvements in performance over Word2Vec
trained using standard loss functions, including Noise Contrastive Estimation
and Negative Sampling.
|
Algorithms and Theory for Multiple-Source Adaptation | This work includes a number of novel contributions for the multiple-source
adaptation problem. We present new normalized solutions with strong theoretical
guarantees for the cross-entropy loss and other similar losses. We also provide
new guarantees that hold in the case where the conditional probabilities for
the source domains are distinct. Moreover, we give new algorithms for
determining the distribution-weighted combination solution for the
cross-entropy loss and other losses. We report the results of a series of
experiments with real-world datasets. We find that our algorithm outperforms
competing approaches by producing a single robust model that performs well on
any target mixture distribution. Altogether, our theory, algorithms, and
empirical results provide a full solution for the multiple-source adaptation
problem with very practical benefits.
|
Efficient Stochastic Gradient Descent for Learning with Distributionally
Robust Optimization | Distributionally robust optimization (DRO) problems are increasingly seen as
a viable method to train machine learning models for improved model
generalization. These min-max formulations, however, are more difficult to
solve. We therefore provide a new stochastic gradient descent algorithm to
efficiently solve this DRO formulation. Our approach applies gradient descent
to the outer minimization formulation and estimates the gradient of the inner
maximization based on a sample average approximation. The latter uses a subset
of the data in each iteration, progressively increasing the subset size to
ensure convergence. Theoretical results include establishing the optimal manner
for growing the support size to balance a fundamental tradeoff between
stochastic error and computational effort. Empirical results demonstrate the
significant benefits of our approach over previous work, and also illustrate
how learning with DRO can improve generalization.
|
Adversarially Robust Training through Structured Gradient Regularization | We propose a novel data-dependent structured gradient regularizer to increase
the robustness of neural networks vis-a-vis adversarial perturbations. Our
regularizer can be derived as a controlled approximation from first principles,
leveraging the fundamental link between training with noise and regularization.
It adds very little computational overhead during learning and is simple to
implement generically in standard deep learning frameworks. Our experiments
provide strong evidence that structured gradient regularization can act as an
effective first line of defense against attacks based on low-level signal
corruption.
|
CascadeCNN: Pushing the performance limits of quantisation | This work presents CascadeCNN, an automated toolflow that pushes the
quantisation limits of any given CNN model, to perform high-throughput
inference by exploiting the computation time-accuracy trade-off. Without the
need for retraining, a two-stage architecture tailored for any given FPGA
device is generated, consisting of a low- and a high-precision unit. A
confidence evaluation unit is employed between them to identify misclassified
cases at run time and forward them to the high-precision unit or terminate
computation. Experiments demonstrate that CascadeCNN achieves a performance
boost of up to 55% for VGG-16 and 48% for AlexNet over the baseline design for
the same resource budget and accuracy.
|
A Tropical Approach to Neural Networks with Piecewise Linear Activations | We present a new, unifying approach following some recent developments on the
complexity of neural networks with piecewise linear activations. We treat
neural network layers with piecewise linear activations as tropical
polynomials, which generalize polynomials in the so-called $(\max, +)$ or
tropical algebra, with possibly real-valued exponents. Motivated by the
discussion in (arXiv:1402.1869), this approach enables us to refine their upper
bounds on linear regions of layers with ReLU or leaky ReLU activations to
$\min\left\{ 2^m, \sum_{j=0}^n \binom{m}{j} \right\}$, where $n, m$ are the
number of inputs and outputs, respectively. Additionally, we recover their
upper bounds on maxout layers. Our work follows a novel path, exclusively under
the lens of tropical geometry, which is independent of the improvements
reported in (arXiv:1611.01491, arXiv:1711.02114). Finally, we present a
geometric approach for effective counting of linear regions using random
sampling in order to avoid the computational overhead of exact counting
approaches
|
Sparse Binary Compression: Towards Distributed Deep Learning with
minimal Communication | Currently, progressively larger deep neural networks are trained on ever
growing data corpora. As this trend is only going to increase in the future,
distributed training schemes are becoming increasingly relevant. A major issue
in distributed training is the limited communication bandwidth between
contributing nodes or prohibitive communication cost in general. These
challenges become even more pressing, as the number of computation nodes
increases. To counteract this development we propose sparse binary compression
(SBC), a compression framework that allows for a drastic reduction of
communication cost for distributed training. SBC combines existing techniques
of communication delay and gradient sparsification with a novel binarization
method and optimal weight update encoding to push compression gains to new
limits. By doing so, our method also allows us to smoothly trade-off gradient
sparsity and temporal sparsity to adapt to the requirements of the learning
task. Our experiments show, that SBC can reduce the upstream communication on a
variety of convolutional and recurrent neural network architectures by more
than four orders of magnitude without significantly harming the convergence
speed in terms of forward-backward passes. For instance, we can train ResNet50
on ImageNet in the same number of iterations to the baseline accuracy, using
$\times 3531$ less bits or train it to a $1\%$ lower accuracy using $\times
37208$ less bits. In the latter case, the total upstream communication required
is cut from 125 terabytes to 3.35 gigabytes for every participating client.
|
Scalable Centralized Deep Multi-Agent Reinforcement Learning via Policy
Gradients | In this paper, we explore using deep reinforcement learning for problems with
multiple agents. Most existing methods for deep multi-agent reinforcement
learning consider only a small number of agents. When the number of agents
increases, the dimensionality of the input and control spaces increase as well,
and these methods do not scale well. To address this, we propose casting the
multi-agent reinforcement learning problem as a distributed optimization
problem. Our algorithm assumes that for multi-agent settings, policies of
individual agents in a given population live close to each other in parameter
space and can be approximated by a single policy. With this simple assumption,
we show our algorithm to be extremely effective for reinforcement learning in
multi-agent settings. We demonstrate its effectiveness against existing
comparable approaches on co-operative and competitive tasks.
|
Mean Field Theory of Activation Functions in Deep Neural Networks | We present a Statistical Mechanics (SM) model of deep neural networks,
connecting the energy-based and the feed forward networks (FFN) approach. We
infer that FFN can be understood as performing three basic steps: encoding,
representation validation and propagation. From the meanfield solution of the
model, we obtain a set of natural activations -- such as Sigmoid, $\tanh$ and
ReLu -- together with the state-of-the-art, Swish; this represents the expected
information propagating through the network and tends to ReLu in the limit of
zero noise.We study the spectrum of the Hessian on an associated classification
task, showing that Swish allows for more consistent performances over a wider
range of network architectures.
|
Deformable Part Networks | In this paper we propose novel Deformable Part Networks (DPNs) to learn {\em
pose-invariant} representations for 2D object recognition. In contrast to the
state-of-the-art pose-aware networks such as CapsNet \cite{sabour2017dynamic}
and STN \cite{jaderberg2015spatial}, DPNs can be naturally {\em interpreted} as
an efficient solver for a challenging detection problem, namely Localized
Deformable Part Models (LDPMs) where localization is introduced to DPMs as
another latent variable for searching for the best poses of objects over all
pixels and (predefined) scales. In particular we construct DPNs as sequences of
such LDPM units to model the semantic and spatial relations among the
deformable parts as hierarchical composition and spatial parsing trees.
Empirically our 17-layer DPN can outperform both CapsNets and STNs
significantly on affNIST \cite{sabour2017dynamic}, for instance, by 19.19\% and
12.75\%, respectively, with better generalization and better tolerance to
affine transformations.
|
Infinite-Task Learning with RKHSs | Machine learning has witnessed tremendous success in solving tasks depending
on a single hyperparameter. When considering simultaneously a finite number of
tasks, multi-task learning enables one to account for the similarities of the
tasks via appropriate regularizers. A step further consists of learning a
continuum of tasks for various loss functions. A promising approach, called
\emph{Parametric Task Learning}, has paved the way in the continuum setting for
affine models and piecewise-linear loss functions. In this work, we introduce a
novel approach called \emph{Infinite Task Learning} whose goal is to learn a
function whose output is a function over the hyperparameter space. We leverage
tools from operator-valued kernels and the associated vector-valued RKHSs that
provide an explicit control over the role of the hyperparameters, and also
allows us to consider new type of constraints. We provide generalization
guarantees to the suggested scheme and illustrate its efficiency in
cost-sensitive classification, quantile regression and density level set
estimation.
|
Deep Barcodes for Fast Retrieval of Histopathology Scans | We investigate the concept of deep barcodes and propose two methods to
generate them in order to expedite the process of classification and retrieval
of histopathology images. Since binary search is computationally less
expensive, in terms of both speed and storage, deep barcodes could be useful
when dealing with big data retrieval. Our experiments use the dataset Kimia
Path24 to test three pre-trained networks for image retrieval. The dataset
consists of 27,055 training images in 24 different classes with large
variability, and 1,325 test images for testing. Apart from the high-speed and
efficiency, results show a surprising retrieval accuracy of 71.62% for deep
barcodes, as compared to 68.91% for deep features and 68.53% for compressed
deep features.
|
Quantum classification of the MNIST dataset with Slow Feature Analysis | Quantum machine learning carries the promise to revolutionize information and
communication technologies. While a number of quantum algorithms with potential
exponential speedups have been proposed already, it is quite difficult to
provide convincing evidence that quantum computers with quantum memories will
be in fact useful to solve real-world problems. Our work makes considerable
progress towards this goal.
We design quantum techniques for Dimensionality Reduction and for
Classification, and combine them to provide an efficient and high accuracy
quantum classifier that we test on the MNIST dataset. More precisely, we
propose a quantum version of Slow Feature Analysis (QSFA), a dimensionality
reduction technique that maps the dataset in a lower dimensional space where we
can apply a novel quantum classification procedure, the Quantum Frobenius
Distance (QFD). We simulate the quantum classifier (including errors) and show
that it can provide classification of the MNIST handwritten digit dataset, a
widely used dataset for benchmarking classification algorithms, with $98.5\%$
accuracy, similar to the classical case. The running time of the quantum
classifier is polylogarithmic in the dimension and number of data points. We
also provide evidence that the other parameters on which the running time
depends (condition number, Frobenius norm, error threshold, etc.) scale
favorably in practice, thus ascertaining the efficiency of our algorithm.
|
Clustering - What Both Theoreticians and Practitioners are Doing Wrong | Unsupervised learning is widely recognized as one of the most important
challenges facing machine learning nowa- days. However, in spite of hundreds of
papers on the topic being published every year, current theoretical
understanding and practical implementations of such tasks, in particular of
clustering, is very rudimentary. This note focuses on clustering. I claim that
the most signif- icant challenge for clustering is model selection. In contrast
with other common computational tasks, for clustering, dif- ferent algorithms
often yield drastically different outcomes. Therefore, the choice of a
clustering algorithm, and their pa- rameters (like the number of clusters) may
play a crucial role in the usefulness of an output clustering solution.
However, currently there exists no methodical guidance for clustering
tool-selection for a given clustering task. Practitioners pick the algorithms
they use without awareness to the implications of their choices and the vast
majority of theory of clustering papers focus on providing savings to the
resources needed to solve optimization problems that arise from picking some
concrete clustering objective. Saving that pale in com- parison to the costs of
mismatch between those objectives and the intended use of clustering results. I
argue the severity of this problem and describe some recent proposals aiming to
address this crucial lacuna.
|
Distribution Matching Losses Can Hallucinate Features in Medical Image
Translation | This paper discusses how distribution matching losses, such as those used in
CycleGAN, when used to synthesize medical images can lead to mis-diagnosis of
medical conditions. It seems appealing to use these new image synthesis methods
for translating images from a source to a target domain because they can
produce high quality images and some even do not require paired data. However,
the basis of how these image translation models work is through matching the
translation output to the distribution of the target domain. This can cause an
issue when the data provided in the target domain has an over or under
representation of some classes (e.g. healthy or sick). When the output of an
algorithm is a transformed image there are uncertainties whether all known and
unknown class labels have been preserved or changed. Therefore, we recommend
that these translated images should not be used for direct interpretation (e.g.
by doctors) because they may lead to misdiagnosis of patients based on
hallucinated image features by an algorithm that matches a distribution.
However there are many recent papers that seem as though this is the goal.
|
Counterfactual Mean Embeddings | Counterfactual inference has become a ubiquitous tool in online
advertisement, recommendation systems, medical diagnosis, and econometrics.
Accurate modeling of outcome distributions associated with different
interventions -- known as counterfactual distributions -- is crucial for the
success of these applications. In this work, we propose to model counterfactual
distributions using a novel Hilbert space representation called counterfactual
mean embedding (CME). The CME embeds the associated counterfactual distribution
into a reproducing kernel Hilbert space (RKHS) endowed with a positive definite
kernel, which allows us to perform causal inference over the entire landscape
of the counterfactual distribution. Based on this representation, we propose a
distributional treatment effect (DTE) that can quantify the causal effect over
entire outcome distributions. Our approach is nonparametric as the CME can be
estimated under the unconfoundedness assumption from observational data without
requiring any parametric assumption about the underlying distributions. We also
establish a rate of convergence of the proposed estimator which depends on the
smoothness of the conditional mean and the Radon-Nikodym derivative of the
underlying marginal distributions. Furthermore, our framework allows for more
complex outcomes such as images, sequences, and graphs. Our experimental
results on synthetic data and off-policy evaluation tasks demonstrate the
advantages of the proposed estimator.
|
Rate-Optimal Denoising with Deep Neural Networks | Deep neural networks provide state-of-the-art performance for image
denoising, where the goal is to recover a near noise-free image from a noisy
observation. The underlying principle is that neural networks trained on large
datasets have empirically been shown to be able to generate natural images well
from a low-dimensional latent representation of the image. Given such a
generator network, a noisy image can be denoised by i) finding the closest
image in the range of the generator or by ii) passing it through an
encoder-generator architecture (known as an autoencoder). However, there is
little theory to justify this success, let alone to predict the denoising
performance as a function of the network parameters. In this paper we consider
the problem of denoising an image from additive Gaussian noise using the two
generator based approaches. In both cases, we assume the image is well
described by a deep neural network with ReLU activations functions, mapping a
$k$-dimensional code to an $n$-dimensional image. In the case of the
autoencoder, we show that the feedforward network reduces noise energy by a
factor of $O(k/n)$. In the case of optimizing over the range of a generative
model, we state and analyze a simple gradient algorithm that minimizes a
non-convex loss function, and provably reduces noise energy by a factor of
$O(k/n)$. We also demonstrate in numerical experiments that this denoising
performance is, indeed, achieved by generative priors learned from data.
|
Adversarial Label Learning | We consider the task of training classifiers without labels. We propose a
weakly supervised method---adversarial label learning---that trains classifiers
to perform well against an adversary that chooses labels for training data. The
weak supervision constrains what labels the adversary can choose. The method
therefore minimizes an upper bound of the classifier's error rate using
projected primal-dual subgradient descent. Minimizing this bound protects
against bias and dependencies in the weak supervision. Experiments on three
real datasets show that our method can train without labels and outperforms
other approaches for weakly supervised learning.
|
ARiA: Utilizing Richard's Curve for Controlling the Non-monotonicity of
the Activation Function in Deep Neural Nets | This work introduces a novel activation unit that can be efficiently employed
in deep neural nets (DNNs) and performs significantly better than the
traditional Rectified Linear Units (ReLU). The function developed is a two
parameter version of the specialized Richard's Curve and we call it Adaptive
Richard's Curve weighted Activation (ARiA). This function is non-monotonous,
analogous to the newly introduced Swish, however allows a precise control over
its non-monotonous convexity by varying the hyper-parameters. We first
demonstrate the mathematical significance of the two parameter ARiA followed by
its application to benchmark problems such as MNIST, CIFAR-10 and CIFAR-100,
where we compare the performance with ReLU and Swish units. Our results
illustrate a significantly superior performance on all these datasets, making
ARiA a potential replacement for ReLU and other activations in DNNs.
|
Multi-task Maximum Entropy Inverse Reinforcement Learning | Multi-task Inverse Reinforcement Learning (IRL) is the problem of inferring
multiple reward functions from expert demonstrations. Prior work, built on
Bayesian IRL, is unable to scale to complex environments due to computational
constraints. This paper contributes a formulation of multi-task IRL in the more
computationally efficient Maximum Causal Entropy (MCE) IRL framework.
Experiments show our approach can perform one-shot imitation learning in a
gridworld environment that single-task IRL algorithms need hundreds of
demonstrations to solve. We outline preliminary work using meta-learning to
extend our method to the function approximator setting of modern MCE IRL
algorithms. Evaluating on multi-task variants of common simulated robotics
benchmarks, we discover serious limitations of these IRL algorithms, and
conclude with suggestions for further work.
|
Step Size Matters in Deep Learning | Training a neural network with the gradient descent algorithm gives rise to a
discrete-time nonlinear dynamical system. Consequently, behaviors that are
typically observed in these systems emerge during training, such as convergence
to an orbit but not to a fixed point or dependence of convergence on the
initialization. Step size of the algorithm plays a critical role in these
behaviors: it determines the subset of the local optima that the algorithm can
converge to, and it specifies the magnitude of the oscillations if the
algorithm converges to an orbit. To elucidate the effects of the step size on
training of neural networks, we study the gradient descent algorithm as a
discrete-time dynamical system, and by analyzing the Lyapunov stability of
different solutions, we show the relationship between the step size of the
algorithm and the solutions that can be obtained with this algorithm. The
results provide an explanation for several phenomena observed in practice,
including the deterioration in the training error with increased depth, the
hardness of estimating linear mappings with large singular values, and the
distinct performance of deep residual networks.
|
Echo: Compiler-based GPU Memory Footprint Reduction for LSTM RNN
Training | The Long-Short-Term-Memory Recurrent Neural Networks (LSTM RNNs) are a
popular class of machine learning models for analyzing sequential data. Their
training on modern GPUs, however, is limited by the GPU memory capacity. Our
profiling results of the LSTM RNN-based Neural Machine Translation (NMT) model
reveal that feature maps of the attention and RNN layers form the memory
bottleneck and runtime is unevenly distributed across different layers when
training on GPUs. Based on these two observations, we propose to recompute the
feature maps rather than stashing them persistently in the GPU memory.
While the idea of feature map recomputation has been considered before,
existing solutions fail to deliver satisfactory footprint reduction, as they do
not address two key challenges. For each feature map recomputation to be
effective and efficient, its effect on (1) the total memory footprint, and (2)
the total execution time has to be carefully estimated. To this end, we propose
*Echo*, a new compiler-based optimization scheme that addresses the first
challenge with a practical mechanism that estimates the memory benefits of
recomputation over the entire computation graph, and the second challenge by
non-conservatively estimating the recomputation overhead leveraging layer
specifics. *Echo* reduces the GPU memory footprint automatically and
transparently without any changes required to the training source code, and is
effective for models beyond LSTM RNNs.
We evaluate *Echo* on numerous state-of-the-art machine learning workloads on
real systems with modern GPUs and observe footprint reduction ratios of 1.89X
on average and 3.13X maximum. Such reduction can be converted into faster
training with a larger batch size, savings in GPU energy consumption (e.g.,
training with one GPU as fast as with four), and/or an increase in the maximum
number of layers under the same GPU memory budget.
|
AffinityNet: semi-supervised few-shot learning for disease type
prediction | While deep learning has achieved great success in computer vision and many
other fields, currently it does not work very well on patient genomic data with
the "big p, small N" problem (i.e., a relatively small number of samples with
high-dimensional features). In order to make deep learning work with a small
amount of training data, we have to design new models that facilitate few-shot
learning. Here we present the Affinity Network Model (AffinityNet), a data
efficient deep learning model that can learn from a limited number of training
examples and generalize well. The backbone of the AffinityNet model consists of
stacked k-Nearest-Neighbor (kNN) attention pooling layers. The kNN attention
pooling layer is a generalization of the Graph Attention Model (GAM), and can
be applied to not only graphs but also any set of objects regardless of whether
a graph is given or not. As a new deep learning module, kNN attention pooling
layers can be plugged into any neural network model just like convolutional
layers. As a simple special case of kNN attention pooling layer, feature
attention layer can directly select important features that are useful for
classification tasks. Experiments on both synthetic data and cancer genomic
data from TCGA projects show that our AffinityNet model has better
generalization power than conventional neural network models with little
training data. The code is freely available at
https://github.com/BeautyOfWeb/AffinityNet .
|
Amortized Inference Regularization | The variational autoencoder (VAE) is a popular model for density estimation
and representation learning. Canonically, the variational principle suggests to
prefer an expressive inference model so that the variational approximation is
accurate. However, it is often overlooked that an overly-expressive inference
model can be detrimental to the test set performance of both the amortized
posterior approximator and, more importantly, the generative density estimator.
In this paper, we leverage the fact that VAEs rely on amortized inference and
propose techniques for amortized inference regularization (AIR) that control
the smoothness of the inference model. We demonstrate that, by applying AIR, it
is possible to improve VAE generalization on both inference and generative
performance. Our paper challenges the belief that amortized inference is simply
a mechanism for approximating maximum likelihood training and illustrates that
regularization of the amortization family provides a new direction for
understanding and improving generalization in VAEs.
|
Distribution Aware Active Learning | Discriminative learning machines often need a large set of labeled samples
for training. Active learning (AL) settings assume that the learner has the
freedom to ask an oracle to label its desired samples. Traditional AL
algorithms heuristically choose query samples about which the current learner
is uncertain. This strategy does not make good use of the structure of the
dataset at hand and is prone to be misguided by outliers. To alleviate this
problem, we propose to distill the structural information into a probabilistic
generative model which acts as a \emph{teacher} in our model. The active
\emph{learner} uses this information effectively at each cycle of active
learning. The proposed method is generic and does not depend on the type of
learner and teacher. We then suggest a query criterion for active learning that
is aware of distribution of data and is more robust against outliers. Our
method can be combined readily with several other query criteria for active
learning. We provide the formulation and empirically show our idea via toy and
real examples.
|
Approximate Newton-based statistical inference using only stochastic
gradients | We present a novel statistical inference framework for convex empirical risk
minimization, using approximate stochastic Newton steps. The proposed algorithm
is based on the notion of finite differences and allows the approximation of a
Hessian-vector product from first-order information. In theory, our method
efficiently computes the statistical error covariance in $M$-estimation, both
for unregularized convex learning problems and high-dimensional LASSO
regression, without using exact second order information, or resampling the
entire data set. We also present a stochastic gradient sampling scheme for
statistical inference in non-i.i.d. time series analysis, where we sample
contiguous blocks of indices. In practice, we demonstrate the effectiveness of
our framework on large-scale machine learning problems, that go even beyond
convexity: as a highlight, our work can be used to detect certain adversarial
attacks on neural networks.
|
Analysis of Thompson Sampling for Graphical Bandits Without the Graphs | We study multi-armed bandit problems with graph feedback, in which the
decision maker is allowed to observe the neighboring actions of the chosen
action, in a setting where the graph may vary over time and is never fully
revealed to the decision maker. We show that when the feedback graphs are
undirected, the original Thompson Sampling achieves the optimal (within
logarithmic factors) regret $\tilde{O}\left(\sqrt{\beta_0(G)T}\right)$ over
time horizon $T$, where $\beta_0(G)$ is the average independence number of the
latent graphs. To the best of our knowledge, this is the first result showing
that the original Thompson Sampling is optimal for graphical bandits in the
undirected setting. A slightly weaker regret bound of Thompson Sampling in the
directed setting is also presented. To fill this gap, we propose a variant of
Thompson Sampling, that attains the optimal regret in the directed setting
within a logarithmic factor. Both algorithms can be implemented efficiently and
do not require the knowledge of the feedback graphs at any time.
|
Approximate Random Dropout | The training phases of Deep neural network~(DNN) consumes enormous processing
time and energy. Compression techniques utilizing the sparsity of DNNs can
effectively accelerate the inference phase of DNNs. However, it can be hardly
used in the training phase because the training phase involves dense
matrix-multiplication using General Purpose Computation on Graphics Processors
(GPGPU), which endorse regular and structural data layout. In this paper, we
propose the Approximate Random Dropout that replaces the conventional random
dropout of neurons and synapses with a regular and predefined patterns to
eliminate the unnecessary computation and data access. To compensate the
potential performance loss we develop a SGD-based Search Algorithm to produce
the distribution of dropout patterns. We prove our approach is statistically
equivalent to the previous dropout method. Experiments results on MLP and LSTM
using well-known benchmarks show that the proposed Approximate Random Dropout
can reduce the training time by $20\%$-$77\%$ ($19\%$-$60\%$) when dropout rate
is $0.3$-$0.7$ on MLP (LSTM) with marginal accuracy drop.
|
Scalable Coordinated Exploration in Concurrent Reinforcement Learning | We consider a team of reinforcement learning agents that concurrently operate
in a common environment, and we develop an approach to efficient coordinated
exploration that is suitable for problems of practical scale. Our approach
builds on seed sampling (Dimakopoulou and Van Roy, 2018) and randomized value
function learning (Osband et al., 2016). We demonstrate that, for simple
tabular contexts, the approach is competitive with previously proposed tabular
model learning methods (Dimakopoulou and Van Roy, 2018). With a
higher-dimensional problem and a neural network value function representation,
the approach learns quickly with far fewer agents than alternative exploration
schemes.
|
Dictionary Learning by Dynamical Neural Networks | A dynamical neural network consists of a set of interconnected neurons that
interact over time continuously. It can exhibit computational properties in the
sense that the dynamical system's evolution and/or limit points in the
associated state space can correspond to numerical solutions to certain
mathematical optimization or learning problems. Such a computational system is
particularly attractive in that it can be mapped to a massively parallel
computer architecture for power and throughput efficiency, especially if each
neuron can rely solely on local information (i.e., local memory). Deriving
gradients from the dynamical network's various states while conforming to this
last constraint, however, is challenging. We show that by combining ideas of
top-down feedback and contrastive learning, a dynamical network for solving the
l1-minimizing dictionary learning problem can be constructed, and the true
gradients for learning are provably computable by individual neurons. Using
spiking neurons to construct our dynamical network, we present a learning
process, its rigorous mathematical analysis, and numerical results on several
dictionary learning problems.
|
Semi-Supervised Learning with GANs: Revisiting Manifold Regularization | GANS are powerful generative models that are able to model the manifold of
natural images. We leverage this property to perform manifold regularization by
approximating the Laplacian norm using a Monte Carlo approximation that is
easily computed with the GAN. When incorporated into the feature-matching GAN
of Improved GAN, we achieve state-of-the-art results for GAN-based
semi-supervised learning on the CIFAR-10 dataset, with a method that is
significantly easier to implement than competing methods.
|
A Brand-level Ranking System with the Customized Attention-GRU Model | In e-commerce websites like Taobao, brand is playing a more important role in
influencing users' decision of click/purchase, partly because users are now
attaching more importance to the quality of products and brand is an indicator
of quality. However, existing ranking systems are not specifically designed to
satisfy this kind of demand. Some design tricks may partially alleviate this
problem, but still cannot provide satisfactory results or may create additional
interaction cost. In this paper, we design the first brand-level ranking system
to address this problem. The key challenge of this system is how to
sufficiently exploit users' rich behavior in e-commerce websites to rank the
brands. In our solution, we firstly conduct the feature engineering
specifically tailored for the personalized brand ranking problem and then rank
the brands by an adapted Attention-GRU model containing three important
modifications. Note that our proposed modifications can also apply to many
other machine learning models on various tasks. We conduct a series of
experiments to evaluate the effectiveness of our proposed ranking model and
test the response to the brand-level ranking system from real users on a
large-scale e-commerce platform, i.e. Taobao.
|
Discovering Blind Spots in Reinforcement Learning | Agents trained in simulation may make errors in the real world due to
mismatches between training and execution environments. These mistakes can be
dangerous and difficult to discover because the agent cannot predict them a
priori. We propose using oracle feedback to learn a predictive model of these
blind spots to reduce costly errors in real-world applications. We focus on
blind spots in reinforcement learning (RL) that occur due to incomplete state
representation: The agent does not have the appropriate features to represent
the true state of the world and thus cannot distinguish among numerous states.
We formalize the problem of discovering blind spots in RL as a noisy supervised
learning problem with class imbalance. We learn models to predict blind spots
in unseen regions of the state space by combining techniques for label
aggregation, calibration, and supervised learning. The models take into
consideration noise emerging from different forms of oracle feedback, including
demonstrations and corrections. We evaluate our approach on two domains and
show that it achieves higher predictive performance than baseline methods, and
that the learned model can be used to selectively query an oracle at execution
time to prevent errors. We also empirically analyze the biases of various
feedback types and how they influence the discovery of blind spots.
|
Semantic Network Interpretation | Network interpretation as an effort to reveal the features learned by a
network remains largely visualization-based. In this paper, our goal is to
tackle semantic network interpretation at both filter and decision level. For
filter-level interpretation, we represent the concepts a filter encodes with a
probability distribution of visual attributes. The decision-level
interpretation is achieved by textual summarization that generates an
explanatory sentence containing clues behind a network's decision. A Bayesian
inference algorithm is proposed to automatically associate filters and network
decisions with visual attributes. Human study confirms that the semantic
interpretation is a beneficial alternative or complement to visualization
methods. We demonstrate the crucial role that semantic network interpretation
can play in understanding a network's failure patterns. More importantly,
semantic network interpretation enables a better understanding of the
correlation between a model's performance and its distribution metrics like
filter selectivity and concept sparseness.
|
Toward a Thinking Microscope: Deep Learning in Optical Microscopy and
Image Reconstruction | We discuss recently emerging applications of the state-of-art deep learning
methods on optical microscopy and microscopic image reconstruction, which
enable new transformations among different modes and modalities of microscopic
imaging, driven entirely by image data. We believe that deep learning will
fundamentally change both the hardware and image reconstruction methods used in
optical microscopy in a holistic manner.
|
Do Better ImageNet Models Transfer Better? | Transfer learning is a cornerstone of computer vision, yet little work has
been done to evaluate the relationship between architecture and transfer. An
implicit hypothesis in modern computer vision research is that models that
perform better on ImageNet necessarily perform better on other vision tasks.
However, this hypothesis has never been systematically tested. Here, we compare
the performance of 16 classification networks on 12 image classification
datasets. We find that, when networks are used as fixed feature extractors or
fine-tuned, there is a strong correlation between ImageNet accuracy and
transfer accuracy ($r = 0.99$ and $0.96$, respectively). In the former setting,
we find that this relationship is very sensitive to the way in which networks
are trained on ImageNet; many common forms of regularization slightly improve
ImageNet accuracy but yield penultimate layer features that are much worse for
transfer learning. Additionally, we find that, on two small fine-grained image
classification datasets, pretraining on ImageNet provides minimal benefits,
indicating the learned features from ImageNet do not transfer well to
fine-grained tasks. Together, our results show that ImageNet architectures
generalize well across datasets, but ImageNet features are less general than
previously suggested.
|
Particle Filter Networks with Application to Visual Localization | Particle filtering is a powerful approach to sequential state estimation and
finds application in many domains, including robot localization, object
tracking, etc. To apply particle filtering in practice, a critical challenge is
to construct probabilistic system models, especially for systems with complex
dynamics or rich sensory inputs such as camera images. This paper introduces
the Particle Filter Network (PFnet), which encodes both a system model and a
particle filter algorithm in a single neural network. The PF-net is fully
differentiable and trained end-to-end from data. Instead of learning a generic
system model, it learns a model optimized for the particle filter algorithm. We
apply the PF-net to a visual localization task, in which a robot must localize
in a rich 3-D world, using only a schematic 2-D floor map. In simulation
experiments, PF-net consistently outperforms alternative learning
architectures, as well as a traditional model-based method, under a variety of
sensor inputs. Further, PF-net generalizes well to new, unseen environments.
|
One-to-one Mapping between Stimulus and Neural State: Memory and
Classification | Synaptic strength can be seen as probability to propagate impulse, and
according to synaptic plasticity, function could exist from propagation
activity to synaptic strength. If the function satisfies constraints such as
continuity and monotonicity, neural network under external stimulus will always
go to fixed point, and there could be one-to-one mapping between external
stimulus and synaptic strength at fixed point. In other words, neural network
"memorizes" external stimulus in its synapses. A biological classifier is
proposed to utilize this mapping.
|
Addressing the Item Cold-start Problem by Attribute-driven Active
Learning | In recommender systems, cold-start issues are situations where no previous
events, e.g. ratings, are known for certain users or items. In this paper, we
focus on the item cold-start problem. Both content information (e.g. item
attributes) and initial user ratings are valuable for seizing users'
preferences on a new item. However, previous methods for the item cold-start
problem either 1) incorporate content information into collaborative filtering
to perform hybrid recommendation, or 2) actively select users to rate the new
item without considering content information and then do collaborative
filtering. In this paper, we propose a novel recommendation scheme for the item
cold-start problem by leverage both active learning and items' attribute
information. Specifically, we design useful user selection criteria based on
items' attributes and users' rating history, and combine the criteria in an
optimization framework for selecting users. By exploiting the feedback ratings,
users' previous ratings and items' attributes, we then generate accurate rating
predictions for the other unselected users. Experimental results on two
real-world datasets show the superiority of our proposed method over
traditional methods.
|
Amortized Context Vector Inference for Sequence-to-Sequence Networks | Neural attention (NA) has become a key component of sequence-to-sequence
models that yield state-of-the-art performance in as hard tasks as abstractive
document summarization (ADS) and video captioning (VC). NA mechanisms perform
inference of context vectors; these constitute weighted sums of deterministic
input sequence encodings, adaptively sourced over long temporal horizons.
Inspired from recent work in the field of amortized variational inference
(AVI), in this work we consider treating the context vectors generated by
soft-attention (SA) models as latent variables, with approximate finite mixture
model posteriors inferred via AVI. We posit that this formulation may yield
stronger generalization capacity, in line with the outcomes of existing
applications of AVI to deep networks. To illustrate our method, we implement it
and experimentally evaluate it considering challenging ADS, VC, and MT
benchmarks. This way, we exhibit its improved effectiveness over
state-of-the-art alternatives.
|
Representation Balancing MDPs for Off-Policy Policy Evaluation | We study the problem of off-policy policy evaluation (OPPE) in RL. In
contrast to prior work, we consider how to estimate both the individual policy
value and average policy value accurately. We draw inspiration from recent work
in causal reasoning, and propose a new finite sample generalization error bound
for value estimates from MDP models. Using this upper bound as an objective, we
develop a learning algorithm of an MDP model with a balanced representation,
and show that our approach can yield substantially lower MSE in common
synthetic benchmarks and a HIV treatment simulation domain.
|
When Simple Exploration is Sample Efficient: Identifying Sufficient
Conditions for Random Exploration to Yield PAC RL Algorithms | Efficient exploration is one of the key challenges for reinforcement learning
(RL) algorithms. Most traditional sample efficiency bounds require strategic
exploration. Recently many deep RL algorithms with simple heuristic exploration
strategies that have few formal guarantees, achieve surprising success in many
domains. These results pose an important question about understanding these
exploration strategies such as $e$-greedy, as well as understanding what
characterize the difficulty of exploration in MDPs. In this work we propose
problem specific sample complexity bounds of $Q$ learning with random walk
exploration that rely on several structural properties. We also link our
theoretical results to some empirical benchmark domains, to illustrate if our
bound gives polynomial sample complexity in these domains and how that is
related with the empirical performance.
|
Constrained Graph Variational Autoencoders for Molecule Design | Graphs are ubiquitous data structures for representing interactions between
entities. With an emphasis on the use of graphs to represent chemical
molecules, we explore the task of learning to generate graphs that conform to a
distribution observed in training data. We propose a variational autoencoder
model in which both encoder and decoder are graph-structured. Our decoder
assumes a sequential ordering of graph extension steps and we discuss and
analyze design choices that mitigate the potential downsides of this
linearization. Experiments compare our approach with a wide range of baselines
on the molecule generation task and show that our method is more successful at
matching the statistics of the original dataset on semantically important
metrics. Furthermore, we show that by using appropriate shaping of the latent
space, our model allows us to design molecules that are (locally) optimal in
desired properties.
|
Neural networks for post-processing ensemble weather forecasts | Ensemble weather predictions require statistical post-processing of
systematic errors to obtain reliable and accurate probabilistic forecasts.
Traditionally, this is accomplished with distributional regression models in
which the parameters of a predictive distribution are estimated from a training
period. We propose a flexible alternative based on neural networks that can
incorporate nonlinear relationships between arbitrary predictor variables and
forecast distribution parameters that are automatically learned in a
data-driven way rather than requiring pre-specified link functions. In a case
study of 2-meter temperature forecasts at surface stations in Germany, the
neural network approach significantly outperforms benchmark post-processing
methods while being computationally more affordable. Key components to this
improvement are the use of auxiliary predictor variables and station-specific
information with the help of embeddings. Furthermore, the trained neural
network can be used to gain insight into the importance of meteorological
variables thereby challenging the notion of neural networks as uninterpretable
black boxes. Our approach can easily be extended to other statistical
post-processing and forecasting problems. We anticipate that recent advances in
deep learning combined with the ever-increasing amounts of model and
observation data will transform the post-processing of numerical weather
forecasts in the coming decade.
|
Deep Learning Estimation of Absorbed Dose for Nuclear Medicine
Diagnostics | The distribution of energy dose from Lu$^{177}$ radiotherapy can be estimated
by convolving an image of a time-integrated activity distribution with a dose
voxel kernel (DVK) consisting of different types of tissues. This fast and
inacurate approximation is inappropriate for personalized dosimetry as it
neglects tissue heterogenity. The latter can be calculated using different
imaging techniques such as CT and SPECT combined with a time consuming
monte-carlo simulation. The aim of this study is, for the first time, an
estimation of DVKs from CT-derived density kernels (DK) via deep learning in
convolutional neural networks (CNNs). The proposed CNN achieved, on the test
set, a mean intersection over union (IOU) of $= 0.86$ after $308$ epochs and a
corresponding mean squared error (MSE) $= 1.24 \cdot 10^{-4}$. This
generalization ability shows that the trained CNN can indeed learn the
difficult transfer function from DK to DVK. Future work will evaluate DVKs
estimated by CNNs with full monte-carlo simulations of a whole body CT to
predict patient specific voxel dose maps.
|
Hyperbolic Neural Networks | Hyperbolic spaces have recently gained momentum in the context of machine
learning due to their high capacity and tree-likeliness properties. However,
the representational power of hyperbolic geometry is not yet on par with
Euclidean geometry, mostly because of the absence of corresponding hyperbolic
neural network layers. This makes it hard to use hyperbolic embeddings in
downstream tasks. Here, we bridge this gap in a principled manner by combining
the formalism of M\"obius gyrovector spaces with the Riemannian geometry of the
Poincar\'e model of hyperbolic spaces. As a result, we derive hyperbolic
versions of important deep learning tools: multinomial logistic regression,
feed-forward and recurrent neural networks such as gated recurrent units. This
allows to embed sequential data and perform classification in the hyperbolic
space. Empirically, we show that, even if hyperbolic optimization tools are
limited, hyperbolic sentence embeddings either outperform or are on par with
their Euclidean variants on textual entailment and noisy-prefix recognition
tasks.
|
Optimal Transport for structured data with application on graphs | This work considers the problem of computing distances between structured
objects such as undirected graphs, seen as probability distributions in a
specific metric space. We consider a new transportation distance (i.e. that
minimizes a total cost of transporting probability masses) that unveils the
geometric nature of the structured objects space. Unlike Wasserstein or
Gromov-Wasserstein metrics that focus solely and respectively on features (by
considering a metric in the feature space) or structure (by seeing structure as
a metric space), our new distance exploits jointly both information, and is
consequently called Fused Gromov-Wasserstein (FGW). After discussing its
properties and computational aspects, we show results on a graph classification
task, where our method outperforms both graph kernels and deep graph
convolutional networks. Exploiting further on the metric properties of FGW,
interesting geometric objects such as Fr\'echet means or barycenters of graphs
are illustrated and discussed in a clustering context.
|
Probabilistic Riemannian submanifold learning with wrapped Gaussian
process latent variable models | Latent variable models (LVMs) learn probabilistic models of data manifolds
lying in an \emph{ambient} Euclidean space. In a number of applications, a
priori known spatial constraints can shrink the ambient space into a
considerably smaller manifold. Additionally, in these applications the
Euclidean geometry might induce a suboptimal similarity measure, which could be
improved by choosing a different metric. Euclidean models ignore such
information and assign probability mass to data points that can never appear as
data, and vastly different likelihoods to points that are similar under the
desired metric. We propose the wrapped Gaussian process latent variable model
(WGPLVM), that extends Gaussian process latent variable models to take values
strictly on a given ambient Riemannian manifold, making the model blind to
impossible data points. This allows non-linear, probabilistic inference of
low-dimensional Riemannian submanifolds from data. Our evaluation on diverse
datasets show that we improve performance on several tasks, including encoding,
visualization and uncertainty quantification.
|
AdGraph: A Graph-Based Approach to Ad and Tracker Blocking | User demand for blocking advertising and tracking online is large and
growing. Existing tools, both deployed and described in research, have proven
useful, but lack either the completeness or robustness needed for a general
solution. Existing detection approaches generally focus on only one aspect of
advertising or tracking (e.g. URL patterns, code structure), making existing
approaches susceptible to evasion.
In this work we present AdGraph, a novel graph-based machine learning
approach for detecting advertising and tracking resources on the web. AdGraph
differs from existing approaches by building a graph representation of the HTML
structure, network requests, and JavaScript behavior of a webpage, and using
this unique representation to train a classifier for identifying advertising
and tracking resources. Because AdGraph considers many aspects of the context a
network request takes place in, it is less susceptible to the single-factor
evasion techniques that flummox existing approaches.
We evaluate AdGraph on the Alexa top-10K websites, and find that it is highly
accurate, able to replicate the labels of human-generated filter lists with
95.33% accuracy, and can even identify many mistakes in filter lists. We
implement AdGraph as a modification to Chromium. AdGraph adds only minor
overhead to page loading and execution, and is actually faster than stock
Chromium on 42% of websites and AdBlock Plus on 78% of websites. Overall, we
conclude that AdGraph is both accurate enough and performant enough for online
use, breaking comparable or fewer websites than popular filter list based
approaches.
|
Matrix Co-completion for Multi-label Classification with Missing
Features and Labels | We consider a challenging multi-label classification problem where both
feature matrix $\X$ and label matrix $\Y$ have missing entries. An existing
method concatenated $\X$ and $\Y$ as $[\X; \Y]$ and applied a matrix completion
(MC) method to fill the missing entries, under the assumption that $[\X; \Y]$
is of low-rank. However, since entries of $\Y$ take binary values in the
multi-label setting, it is unlikely that $\Y$ is of low-rank. Moreover, such
assumption implies a linear relationship between $\X$ and $\Y$ which may not
hold in practice. In this paper, we consider a latent matrix $\Z$ that produces
the probability $\sigma(Z_{ij})$ of generating label $Y_{ij}$, where
$\sigma(\cdot)$ is nonlinear. Considering label correlation, we assume $[\X;
\Z]$ is of low-rank, and propose an MC algorithm based on subgradient descent
named co-completion (COCO) motivated by elastic net and one-bit MC. We give a
theoretical bound on the recovery effect of COCO and demonstrate its practical
usefulness through experiments.
|
Efficient online algorithms for fast-rate regret bounds under sparsity | We consider the online convex optimization problem. In the setting of
arbitrary sequences and finite set of parameters, we establish a new fast-rate
quantile regret bound. Then we investigate the optimization into the L1-ball by
discretizing the parameter space. Our algorithm is projection free and we
propose an efficient solution by restarting the algorithm on adaptive
discretization grids. In the adversarial setting, we develop an algorithm that
achieves several rates of convergence with different dependencies on the
sparsity of the objective. In the i.i.d. setting, we establish new risk bounds
that are adaptive to the sparsity of the problem and to the regularity of the
risk (ranging from a rate 1 / $\sqrt T$ for general convex risk to 1 /T for
strongly convex risk). These results generalize previous works on sparse online
learning. They are obtained under a weak assumption on the risk
({\L}ojasiewicz's assumption) that allows multiple optima which is crucial when
dealing with degenerate situations.
|
On semi-supervised learning | Semi-supervised learning deals with the problem of how, if possible, to take
advantage of a huge amount of unclassified data, to perform a classification in
situations when, typically, there is little labeled data. Even though this is
not always possible (it depends on how useful, for inferring the labels, it
would be to know the distribution of the unlabeled data), several algorithm
have been proposed recently. %but in general they are not proved to outperform
A new algorithm is proposed, that under almost necessary conditions, %and it
is proved that it attains asymptotically the performance of the best
theoretical rule as the amount of unlabeled data tends to infinity. The set of
necessary assumptions, although reasonable, show that semi-supervised
classification only works for very well conditioned problems. The focus is on
understanding when and why semi-supervised learning works when the size of the
initial training sample remains fixed and the asymptotic is on the size of the
unlabeled data. The performance of the algorithm is assessed in the well known
"Isolet" real-data of phonemes, where a strong dependence on the choice of the
initial training sample is shown.
|
Pushing the bounds of dropout | We show that dropout training is best understood as performing MAP estimation
concurrently for a family of conditional models whose objectives are themselves
lower bounded by the original dropout objective. This discovery allows us to
pick any model from this family after training, which leads to a substantial
improvement on regularisation-heavy language modelling. The family includes
models that compute a power mean over the sampled dropout masks, and their less
stochastic subvariants with tighter and higher lower bounds than the fully
stochastic dropout objective. We argue that since the deterministic
subvariant's bound is equal to its objective, and the highest amongst these
models, the predominant view of it as a good approximation to MC averaging is
misleading. Rather, deterministic dropout is the best available approximation
to the true objective.
|
Learning latent variable structured prediction models with Gaussian
perturbations | The standard margin-based structured prediction commonly uses a maximum loss
over all possible structured outputs. The large-margin formulation including
latent variables not only results in a non-convex formulation but also
increases the search space by a factor of the size of the latent space. Recent
work has proposed the use of the maximum loss over random structured outputs
sampled independently from some proposal distribution, with theoretical
guarantees. We extend this work by including latent variables. We study a new
family of loss functions under Gaussian perturbations and analyze the effect of
the latent space on the generalization bounds. We show that the non-convexity
of learning with latent variables originates naturally, as it relates to a
tight upper bound of the Gibbs decoder distortion with respect to the latent
space. Finally, we provide a formulation using random samples that produces a
tighter upper bound of the Gibbs decoder distortion up to a statistical
accuracy, which enables a faster evaluation of the objective function. We
illustrate the method with synthetic experiments and a computer vision
application.
|
A Unified Framework for Training Neural Networks | The lack of mathematical tractability of Deep Neural Networks (DNNs) has
hindered progress towards having a unified convergence analysis of training
algorithms, in the general setting. We propose a unified optimization framework
for training different types of DNNs, and establish its convergence for
arbitrary loss, activation, and regularization functions, assumed to be smooth.
We show that framework generalizes well-known first- and second-order training
methods, and thus allows us to show the convergence of these methods for
various DNN architectures and learning tasks, as a special case of our
approach. We discuss some of its applications in training various DNN
architectures (e.g., feed-forward, convolutional, linear networks), to
regression and classification tasks.
|
Tight Bounds for Collaborative PAC Learning via Multiplicative Weights | We study the collaborative PAC learning problem recently proposed in Blum et
al.~\cite{BHPQ17}, in which we have $k$ players and they want to learn a target
function collaboratively, such that the learned function approximates the
target function well on all players' distributions simultaneously. The quality
of the collaborative learning algorithm is measured by the ratio between the
sample complexity of the algorithm and that of the learning algorithm for a
single distribution (called the overhead). We obtain a collaborative learning
algorithm with overhead $O(\ln k)$, improving the one with overhead $O(\ln^2
k)$ in \cite{BHPQ17}. We also show that an $\Omega(\ln k)$ overhead is
inevitable when $k$ is polynomial bounded by the VC dimension of the hypothesis
class. Finally, our experimental study has demonstrated the superiority of our
algorithm compared with the one in Blum et al. on real-world datasets.
|
Monte Carlo Tree Search for Asymmetric Trees | We present an extension of Monte Carlo Tree Search (MCTS) that strongly
increases its efficiency for trees with asymmetry and/or loops. Asymmetric
termination of search trees introduces a type of uncertainty for which the
standard upper confidence bound (UCB) formula does not account. Our first
algorithm (MCTS-T), which assumes a non-stochastic environment, backs-up tree
structure uncertainty and leverages it for exploration in a modified UCB
formula. Results show vastly improved efficiency in a well-known asymmetric
domain in which MCTS performs arbitrarily bad. Next, we connect the ideas about
asymmetric termination to the presence of loops in the tree, where the same
state appears multiple times in a single trace. An extension to our algorithm
(MCTS-T+), which in addition to non-stochasticity assumes full state
observability, further increases search efficiency for domains with loops as
well. Benchmark testing on a set of OpenAI Gym and Atari 2600 games indicates
that our algorithms always perform better than or at least equivalent to
standard MCTS, and could be first-choice tree search algorithms for
non-stochastic, fully-observable environments.
|
Cramer-Wold AutoEncoder | We propose a new generative model, Cramer-Wold Autoencoder (CWAE). Following
WAE, we directly encourage normality of the latent space. Our paper uses also
the recent idea from Sliced WAE (SWAE) model, which uses one-dimensional
projections as a method of verifying closeness of two distributions. The
crucial new ingredient is the introduction of a new (Cramer-Wold) metric in the
space of densities, which replaces the Wasserstein metric used in SWAE. We show
that the Cramer-Wold metric between Gaussian mixtures is given by a simple
analytic formula, which results in the removal of sampling necessary to
estimate the cost function in WAE and SWAE models. As a consequence, while
drastically simplifying the optimization procedure, CWAE produces samples of a
matching perceptual quality to other SOTA models.
|
Highway State Gating for Recurrent Highway Networks: improving
information flow through time | Recurrent Neural Networks (RNNs) play a major role in the field of sequential
learning, and have outperformed traditional algorithms on many benchmarks.
Training deep RNNs still remains a challenge, and most of the state-of-the-art
models are structured with a transition depth of 2-4 layers. Recurrent Highway
Networks (RHNs) were introduced in order to tackle this issue. These have
achieved state-of-the-art performance on a few benchmarks using a depth of 10
layers. However, the performance of this architecture suffers from a
bottleneck, and ceases to improve when an attempt is made to add more layers.
In this work, we analyze the causes for this, and postulate that the main
source is the way that the information flows through time. We introduce a novel
and simple variation for the RHN cell, called Highway State Gating (HSG), which
allows adding more layers, while continuing to improve performance. By using a
gating mechanism for the state, we allow the net to "choose" whether to pass
information directly through time, or to gate it. This mechanism also allows
the gradient to back-propagate directly through time and, therefore, results in
a slightly faster convergence. We use the Penn Treebank (PTB) dataset as a
platform for empirical proof of concept. Empirical results show that the
improvement due to Highway State Gating is for all depths, and as the depth
increases, the improvement also increases.
|
Concentric ESN: Assessing the Effect of Modularity in Cycle Reservoirs | The paper introduces concentric Echo State Network, an approach to design
reservoir topologies that tries to bridge the gap between deterministically
constructed simple cycle models and deep reservoir computing approaches. We
show how to modularize the reservoir into simple unidirectional and concentric
cycles with pairwise bidirectional jump connections between adjacent loops. We
provide a preliminary experimental assessment showing how concentric reservoirs
yield to superior predictive accuracy and memory capacity with respect to
single cycle reservoirs and deep reservoir models.
|
Cleaning up the neighborhood: A full classification for adversarial
partial monitoring | Partial monitoring is a generalization of the well-known multi-armed bandit
framework where the loss is not directly observed by the learner. We complete
the classification of finite adversarial partial monitoring to include all
games, solving an open problem posed by Bartok et al. [2014]. Along the way we
simplify and improve existing algorithms and correct errors in previous
analyses. Our second contribution is a new algorithm for the class of games
studied by Bartok [2013] where we prove upper and lower regret bounds that shed
more light on the dependence of the regret on the game structure.
|
Federated Learning for Ultra-Reliable Low-Latency V2V Communications | In this paper, a novel joint transmit power and resource allocation approach
for enabling ultra-reliable low-latency communication (URLLC) in vehicular
networks is proposed. The objective is to minimize the network-wide power
consumption of vehicular users (VUEs) while ensuring high reliability in terms
of probabilistic queuing delays. In particular, a reliability measure is
defined to characterize extreme events (i.e., when vehicles' queue lengths
exceed a predefined threshold with non-negligible probability) using extreme
value theory (EVT). Leveraging principles from federated learning (FL), the
distribution of these extreme events corresponding to the tail distribution of
queues is estimated by VUEs in a decentralized manner. Finally, Lyapunov
optimization is used to find the joint transmit power and resource allocation
policies for each VUE in a distributed manner. The proposed solution is
validated via extensive simulations using a Manhattan mobility model. It is
shown that FL enables the proposed distributed method to estimate the tail
distribution of queues with an accuracy that is very close to a centralized
solution with up to 79\% reductions in the amount of data that need to be
exchanged. Furthermore, the proposed method yields up to 60\% reductions of
VUEs with large queue lengths, without an additional power consumption,
compared to an average queue-based baseline. Compared to systems with fixed
power consumption and focusing on queue stability while minimizing average
power consumption, the reduction in extreme events of the proposed method is
about two orders of magnitude.
|
Collective Online Learning of Gaussian Processes in Massive Multi-Agent
Systems | Distributed machine learning (ML) is a modern computation paradigm that
divides its workload into independent tasks that can be simultaneously achieved
by multiple machines (i.e., agents) for better scalability. However, a typical
distributed system is usually implemented with a central server that collects
data statistics from multiple independent machines operating on different
subsets of data to build a global analytic model. This centralized
communication architecture however exposes a single choke point for operational
failure and places severe bottlenecks on the server's communication and
computation capacities as it has to process a growing volume of communication
from a crowd of learning agents. To mitigate these bottlenecks, this paper
introduces a novel Collective Online Learning Gaussian Process framework for
massive distributed systems that allows each agent to build its local model,
which can be exchanged and combined efficiently with others via peer-to-peer
communication to converge on a global model of higher quality. Finally, our
empirical results consistently demonstrate the efficiency of our framework on
both synthetic and real-world datasets.
|
Reinforcement Learning for Heterogeneous Teams with PALO Bounds | We introduce reinforcement learning for heterogeneous teams in which rewards
for an agent are additively factored into local costs, stimuli unique to each
agent, and global rewards, those shared by all agents in the domain. Motivating
domains include coordination of varied robotic platforms, which incur different
costs for the same action, but share an overall goal. We present two templates
for learning in this setting with factored rewards: a generalization of
Perkins' Monte Carlo exploring starts for POMDPs to canonical MPOMDPs, with a
single policy mapping joint observations of all agents to joint actions
(MCES-MP); and another with each agent individually mapping joint observations
to their own action (MCES-FMP). We use probably approximately local optimal
(PALO) bounds to analyze sample complexity, instantiating these templates to
PALO learning. We promote sample efficiency by including a policy space pruning
technique, and evaluate the approaches on three domains of heterogeneous agents
demonstrating that MCES-FMP yields improved policies in less samples compared
to MCES-MP and a previous benchmark.
|
Variational Inference for Data-Efficient Model Learning in POMDPs | Partially observable Markov decision processes (POMDPs) are a powerful
abstraction for tasks that require decision making under uncertainty, and
capture a wide range of real world tasks. Today, effective planning approaches
exist that generate effective strategies given black-box models of a POMDP
task. Yet, an open question is how to acquire accurate models for complex
domains. In this paper we propose DELIP, an approach to model learning for
POMDPs that utilizes amortized structured variational inference. We empirically
show that our model leads to effective control strategies when coupled with
state-of-the-art planners. Intuitively, model-based approaches should be
particularly beneficial in environments with changing reward structures, or
where rewards are initially unknown. Our experiments confirm that DELIP is
particularly effective in this setting.
|
Learning to Optimize Contextually Constrained Problems for Real-Time
Decision-Generation | The topic of learning to solve optimization problems has received interest
from both the operations research and machine learning communities. In this
work, we combine techniques from both fields to address the problem of learning
to generate decisions to instances of continuous optimization problems where
the feasible set varies with contextual features. We propose a novel framework
for training a generative model to estimate optimal decisions by combining
interior point methods and adversarial learning, which we further embed within
an data generation algorithm. Decisions generated by our model satisfy
in-sample and out-of-sample optimality guarantees. Finally, we investigate case
studies in portfolio optimization and personalized treatment design,
demonstrating that our approach yields advantages over predict-then-optimize
and supervised deep learning techniques, respectively.
|
Likelihood-free inference with emulator networks | Approximate Bayesian Computation (ABC) provides methods for Bayesian
inference in simulation-based stochastic models which do not permit tractable
likelihoods. We present a new ABC method which uses probabilistic neural
emulator networks to learn synthetic likelihoods on simulated data -- both
local emulators which approximate the likelihood for specific observed data, as
well as global ones which are applicable to a range of data. Simulations are
chosen adaptively using an acquisition function which takes into account
uncertainty about either the posterior distribution of interest, or the
parameters of the emulator. Our approach does not rely on user-defined
rejection thresholds or distance functions. We illustrate inference with
emulator networks on synthetic examples and on a biophysical neuron model, and
show that emulators allow accurate and efficient inference even on
high-dimensional problems which are challenging for conventional ABC
approaches.
|
Learning towards Minimum Hyperspherical Energy | Neural networks are a powerful class of nonlinear functions that can be
trained end-to-end on various applications. While the over-parametrization
nature in many neural networks renders the ability to fit complex functions and
the strong representation power to handle challenging tasks, it also leads to
highly correlated neurons that can hurt the generalization ability and incur
unnecessary computation cost. As a result, how to regularize the network to
avoid undesired representation redundancy becomes an important issue. To this
end, we draw inspiration from a well-known problem in physics -- Thomson
problem, where one seeks to find a state that distributes N electrons on a unit
sphere as evenly as possible with minimum potential energy. In light of this
intuition, we reduce the redundancy regularization problem to generic energy
minimization, and propose a minimum hyperspherical energy (MHE) objective as
generic regularization for neural networks. We also propose a few novel
variants of MHE, and provide some insights from a theoretical point of view.
Finally, we apply neural networks with MHE regularization to several
challenging tasks. Extensive experiments demonstrate the effectiveness of our
intuition, by showing the superior performance with MHE regularization.
|
Input and Weight Space Smoothing for Semi-supervised Learning | We propose regularizing the empirical loss for semi-supervised learning by
acting on both the input (data) space, and the weight (parameter) space. We
show that the two are not equivalent, and in fact are complementary, one
affecting the minimality of the resulting representation, the other
insensitivity to nuisance variability. We propose a method to perform such
smoothing, which combines known input-space smoothing with a novel weight-space
smoothing, based on a min-max (adversarial) optimization. The resulting
Adversarial Block Coordinate Descent (ABCD) algorithm performs gradient ascent
with a small learning rate for a random subset of the weights, and standard
gradient descent on the remaining weights in the same mini-batch. It achieves
comparable performance to the state-of-the-art without resorting to heavy data
augmentation, using a relatively simple architecture.
|
Communication Algorithms via Deep Learning | Coding theory is a central discipline underpinning wireline and wireless
modems that are the workhorses of the information age. Progress in coding
theory is largely driven by individual human ingenuity with sporadic
breakthroughs over the past century. In this paper we study whether it is
possible to automate the discovery of decoding algorithms via deep learning. We
study a family of sequential codes parameterized by recurrent neural network
(RNN) architectures. We show that creatively designed and trained RNN
architectures can decode well known sequential codes such as the convolutional
and turbo codes with close to optimal performance on the additive white
Gaussian noise (AWGN) channel, which itself is achieved by breakthrough
algorithms of our times (Viterbi and BCJR decoders, representing dynamic
programing and forward-backward algorithms). We show strong generalizations,
i.e., we train at a specific signal to noise ratio and block length but test at
a wide range of these quantities, as well as robustness and adaptivity to
deviations from the AWGN setting.
|
Scoring Lexical Entailment with a Supervised Directional Similarity
Network | We present the Supervised Directional Similarity Network (SDSN), a novel
neural architecture for learning task-specific transformation functions on top
of general-purpose word embeddings. Relying on only a limited amount of
supervision from task-specific scores on a subset of the vocabulary, our
architecture is able to generalise and transform a general-purpose
distributional vector space to model the relation of lexical entailment.
Experiments show excellent performance on scoring graded lexical entailment,
raising the state-of-the-art on the HyperLex dataset by approximately 25%.
|
Deep Reinforcement Learning of Marked Temporal Point Processes | In a wide variety of applications, humans interact with a complex environment
by means of asynchronous stochastic discrete events in continuous time. Can we
design online interventions that will help humans achieve certain goals in such
asynchronous setting? In this paper, we address the above problem from the
perspective of deep reinforcement learning of marked temporal point processes,
where both the actions taken by an agent and the feedback it receives from the
environment are asynchronous stochastic discrete events characterized using
marked temporal point processes. In doing so, we define the agent's policy
using the intensity and mark distribution of the corresponding process and then
derive a flexible policy gradient method, which embeds the agent's actions and
the feedback it receives into real-valued vectors using deep recurrent neural
networks. Our method does not make any assumptions on the functional form of
the intensity and mark distribution of the feedback and it allows for
arbitrarily complex reward functions. We apply our methodology to two different
applications in personalized teaching and viral marketing and, using data
gathered from Duolingo and Twitter, we show that it may be able to find
interventions to help learners and marketers achieve their goals more
effectively than alternatives.
|
Learning Contextual Bandits in a Non-stationary Environment | Multi-armed bandit algorithms have become a reference solution for handling
the explore/exploit dilemma in recommender systems, and many other important
real-world problems, such as display advertisement. However, such algorithms
usually assume a stationary reward distribution, which hardly holds in practice
as users' preferences are dynamic. This inevitably costs a recommender system
consistent suboptimal performance. In this paper, we consider the situation
where the underlying distribution of reward remains unchanged over (possibly
short) epochs and shifts at unknown time instants. In accordance, we propose a
contextual bandit algorithm that detects possible changes of environment based
on its reward estimation confidence and updates its arm selection strategy
respectively. Rigorous upper regret bound analysis of the proposed algorithm
demonstrates its learning effectiveness in such a non-trivial environment.
Extensive empirical evaluations on both synthetic and real-world datasets for
recommendation confirm its practical utility in a changing environment.
|
Semi-supervised classification by reaching consensus among modalities | Deep learning has demonstrated abilities to learn complex structures, but
they can be restricted by available data. Recently, Consensus Networks (CNs)
were proposed to alleviate data sparsity by utilizing features from multiple
modalities, but they too have been limited by the size of labeled data. In this
paper, we extend CN to Transductive Consensus Networks (TCNs), suitable for
semi-supervised learning. In TCNs, different modalities of input are compressed
into latent representations, which we encourage to become indistinguishable
during iterative adversarial training. To understand TCNs two mechanisms,
consensus and classification, we put forward its three variants in ablation
studies on these mechanisms. To further investigate TCN models, we treat the
latent representations as probability distributions and measure their
similarities as the negative relative Jensen-Shannon divergences. We show that
a consensus state beneficial for classification desires a stable but imperfect
similarity between the representations. Overall, TCNs outperform or align with
the best benchmark algorithms given 20 to 200 labeled samples on the Bank
Marketing and the DementiaBank datasets.
|
Towards Robust Training of Neural Networks by Regularizing Adversarial
Gradients | In recent years, neural networks have demonstrated outstanding effectiveness
in a large amount of applications.However, recent works have shown that neural
networks are susceptible to adversarial examples, indicating possible flaws
intrinsic to the network structures. To address this problem and improve the
robustness of neural networks, we investigate the fundamental mechanisms behind
adversarial examples and propose a novel robust training method via regulating
adversarial gradients. The regulation effectively squeezes the adversarial
gradients of neural networks and significantly increases the difficulty of
adversarial example generation.Without any adversarial example involved, the
robust training method could generate naturally robust networks, which are
near-immune to various types of adversarial examples. Experiments show the
naturally robust networks can achieve optimal accuracy against Fast Gradient
Sign Method (FGSM) and C\&W attacks on MNIST, Cifar10, and Google Speech
Command dataset. Moreover, our proposed method also provides neural networks
with consistent robustness against transferable attacks.
|
Predictive Local Smoothness for Stochastic Gradient Methods | Stochastic gradient methods are dominant in nonconvex optimization especially
for deep models but have low asymptotical convergence due to the fixed
smoothness. To address this problem, we propose a simple yet effective method
for improving stochastic gradient methods named predictive local smoothness
(PLS). First, we create a convergence condition to build a learning rate which
varies adaptively with local smoothness. Second, the local smoothness can be
predicted by the latest gradients. Third, we use the adaptive learning rate to
update the stochastic gradients for exploring linear convergence rates. By
applying the PLS method, we implement new variants of three popular algorithms:
PLS-stochastic gradient descent (PLS-SGD), PLS-accelerated SGD (PLS-AccSGD),
and PLS-AMSGrad. Moreover, we provide much simpler proofs to ensure their
linear convergence. Empirical results show that the variants have better
performance gains than the popular algorithms, such as, faster convergence and
alleviating explosion and vanish of gradients.
|
Regret Bounds for Robust Adaptive Control of the Linear Quadratic
Regulator | We consider adaptive control of the Linear Quadratic Regulator (LQR), where
an unknown linear system is controlled subject to quadratic costs. Leveraging
recent developments in the estimation of linear systems and in robust
controller synthesis, we present the first provably polynomial time algorithm
that provides high probability guarantees of sub-linear regret on this problem.
We further study the interplay between regret minimization and parameter
estimation by proving a lower bound on the expected regret in terms of the
exploration schedule used by any algorithm. Finally, we conduct a numerical
study comparing our robust adaptive algorithm to other methods from the
adaptive LQR literature, and demonstrate the flexibility of our proposed method
by extending it to a demand forecasting problem subject to state constraints.
|
Scalable Bayesian Learning for State Space Models using Variational
Inference with SMC Samplers | We present a scalable approach to performing approximate fully Bayesian
inference in generic state space models. The proposed method is an alternative
to particle MCMC that provides fully Bayesian inference of both the dynamic
latent states and the static parameters of the model. We build up on recent
advances in computational statistics that combine variational methods with
sequential Monte Carlo sampling and we demonstrate the advantages of performing
full Bayesian inference over the static parameters rather than just performing
variational EM approximations. We illustrate how our approach enables scalable
inference in multivariate stochastic volatility models and self-exciting point
process models that allow for flexible dynamics in the latent intensity
function.
|
Deep Active Learning for Anomaly Detection | Anomalies are intuitively easy for human experts to understand, but they are
hard to define mathematically. Therefore, in order to have performance
guarantees in unsupervised anomaly detection, priors need to be assumed on what
the anomalies are. By contrast, active learning provides the necessary priors
through appropriate expert feedback. Thus, in this work we present an active
learning method that can be built upon existing deep learning solutions for
unsupervised anomaly detection, so that outliers can be separated from normal
data effectively. We introduce a new layer that can be easily attached to any
deep learning model designed for unsupervised anomaly detection to transform it
into an active method. We report results on both synthetic and real anomaly
detection datasets, using multi-layer perceptrons and autoencoder architectures
empowered with the proposed active layer, and we discuss their performance on
finding clustered and low density anomalies.
|
Adaptive Stochastic Gradient Langevin Dynamics: Taming Convergence and
Saddle Point Escape Time | In this paper, we propose a new adaptive stochastic gradient Langevin
dynamics (ASGLD) algorithmic framework and its two specialized versions, namely
adaptive stochastic gradient (ASG) and adaptive gradient Langevin
dynamics(AGLD), for non-convex optimization problems. All proposed algorithms
can escape from saddle points with at most $O(\log d)$ iterations, which is
nearly dimension-free. Further, we show that ASGLD and ASG converge to a local
minimum with at most $O(\log d/\epsilon^4)$ iterations. Also, ASGLD with full
gradients or ASGLD with a slowly linearly increasing batch size converge to a
local minimum with iterations bounded by $O(\log d/\epsilon^2)$, which
outperforms existing first-order methods.
|
Implicit Language Model in LSTM for OCR | Neural networks have become the technique of choice for OCR, but many aspects
of how and why they deliver superior performance are still unknown. One key
difference between current neural network techniques using LSTMs and the
previous state-of-the-art HMM systems is that HMM systems have a strong
independence assumption. In comparison LSTMs have no explicit constraints on
the amount of context that can be considered during decoding. In this paper we
show that they learn an implicit LM and attempt to characterize the strength of
the LM in terms of equivalent n-gram context. We show that this implicitly
learned language model provides a 2.4\% CER improvement on our synthetic test
set when compared against a test set of random characters (i.e. not naturally
occurring sequences), and that the LSTM learns to use up to 5 characters of
context (which is roughly 88 frames in our configuration). We believe that this
is the first ever attempt at characterizing the strength of the implicit LM in
LSTM based OCR systems.
|
Large Data and Zero Noise Limits of Graph-Based Semi-Supervised Learning
Algorithms | Scalings in which the graph Laplacian approaches a differential operator in
the large graph limit are used to develop understanding of a number of
algorithms for semi-supervised learning; in particular the extension, to this
graph setting, of the probit algorithm, level set and kriging methods, are
studied. Both optimization and Bayesian approaches are considered, based around
a regularizing quadratic form found from an affine transformation of the
Laplacian, raised to a, possibly fractional, exponent. Conditions on the
parameters defining this quadratic form are identified under which well-defined
limiting continuum analogues of the optimization and Bayesian semi-supervised
learning problems may be found, thereby shedding light on the design of
algorithms in the large graph setting. The large graph limits of the
optimization formulations are tackled through $\Gamma-$convergence, using the
recently introduced $TL^p$ metric. The small labelling noise limits of the
Bayesian formulations are also identified, and contrasted with pre-existing
harmonic function approaches to the problem.
|
Invariant Representations without Adversarial Training | Representations of data that are invariant to changes in specified factors
are useful for a wide range of problems: removing potential biases in
prediction problems, controlling the effects of covariates, and disentangling
meaningful factors of variation. Unfortunately, learning representations that
exhibit invariance to arbitrary nuisance factors yet remain useful for other
tasks is challenging. Existing approaches cast the trade-off between task
performance and invariance in an adversarial way, using an iterative minimax
optimization. We show that adversarial training is unnecessary and sometimes
counter-productive; we instead cast invariant representation learning as a
single information-theoretic objective that can be directly optimized. We
demonstrate that this approach matches or exceeds performance of
state-of-the-art adversarial approaches for learning fair representations and
for generative modeling with controllable transformations.
|
Cautious Deep Learning | Most classifiers operate by selecting the maximum of an estimate of the
conditional distribution $p(y|x)$ where $x$ stands for the features of the
instance to be classified and $y$ denotes its label. This often results in a
{\em hubristic bias}: overconfidence in the assignment of a definite label.
Usually, the observations are concentrated on a small volume but the classifier
provides definite predictions for the entire space. We propose constructing
conformal prediction sets which contain a set of labels rather than a single
label. These conformal prediction sets contain the true label with probability
$1-\alpha$. Our construction is based on $p(x|y)$ rather than $p(y|x)$ which
results in a classifier that is very cautious: it outputs the null set ---
meaning "I don't know" --- when the object does not resemble the training
examples. An important property of our approach is that adversarial attacks are
likely to be predicted as the null set or would also include the true label. We
demonstrate the performance on the ImageNet ILSVRC dataset and the CelebA and
IMDB-Wiki facial datasets using high dimensional features obtained from state
of the art convolutional neural networks.
|
Deep Reinforcement Learning For Sequence to Sequence Models | In recent times, sequence-to-sequence (seq2seq) models have gained a lot of
popularity and provide state-of-the-art performance in a wide variety of tasks
such as machine translation, headline generation, text summarization, speech to
text conversion, and image caption generation. The underlying framework for all
these models is usually a deep neural network comprising an encoder and a
decoder. Although simple encoder-decoder models produce competitive results,
many researchers have proposed additional improvements over these
sequence-to-sequence models, e.g., using an attention-based model over the
input, pointer-generation models, and self-attention models. However, such
seq2seq models suffer from two common problems: 1) exposure bias and 2)
inconsistency between train/test measurement. Recently, a completely novel
point of view has emerged in addressing these two problems in seq2seq models,
leveraging methods from reinforcement learning (RL). In this survey, we
consider seq2seq problems from the RL point of view and provide a formulation
combining the power of RL methods in decision-making with sequence-to-sequence
models that enable remembering long-term memories. We present some of the most
recent frameworks that combine concepts from RL and deep neural networks and
explain how these two areas could benefit from each other in solving complex
seq2seq tasks. Our work aims to provide insights into some of the problems that
inherently arise with current approaches and how we can address them with
better RL models. We also provide the source code for implementing most of the
RL models discussed in this paper to support the complex task of abstractive
text summarization.
|
Simple and practical algorithms for $\ell_p$-norm low-rank approximation | We propose practical algorithms for entrywise $\ell_p$-norm low-rank
approximation, for $p = 1$ or $p = \infty$. The proposed framework, which is
non-convex and gradient-based, is easy to implement and typically attains
better approximations, faster, than state of the art.
From a theoretical standpoint, we show that the proposed scheme can attain
$(1 + \varepsilon)$-OPT approximations. Our algorithms are not
hyperparameter-free: they achieve the desiderata only assuming algorithm's
hyperparameters are known a priori---or are at least approximable. I.e., our
theory indicates what problem quantities need to be known, in order to get a
good solution within polynomial time, and does not contradict to recent
inapproximabilty results, as in [46].
|
Taming Convergence for Asynchronous Stochastic Gradient Descent with
Unbounded Delay in Non-Convex Learning | Understanding the convergence performance of asynchronous stochastic gradient
descent method (Async-SGD) has received increasing attention in recent years
due to their foundational role in machine learning. To date, however, most of
the existing works are restricted to either bounded gradient delays or convex
settings. In this paper, we focus on Async-SGD and its variant Async-SGDI
(which uses increasing batch size) for non-convex optimization problems with
unbounded gradient delays. We prove $o(1/\sqrt{k})$ convergence rate for
Async-SGD and $o(1/k)$ for Async-SGDI. Also, a unifying sufficient condition
for Async-SGD's convergence is established, which includes two major gradient
delay models in the literature as special cases and yields a new delay model
not considered thus far.
|
Deploy Large-Scale Deep Neural Networks in Resource Constrained IoT
Devices with Local Quantization Region | Implementing large-scale deep neural networks with high computational
complexity on low-cost IoT devices may inevitably be constrained by limited
computation resource, making the devices hard to respond in real-time. This
disjunction makes the state-of-art deep learning algorithms, i.e. CNN
(Convolutional Neural Networks), incompatible with IoT world. We present a
low-bit (range from 8-bit to 1-bit) scheme with our local quantization region
algorithm. We use models in Caffe model zoo as our example tasks to evaluate
the effect of our low precision data representation scheme. With the available
of local quantization region, we find implementations on top of those schemes
could greatly retain the model accuracy, besides the reduction of computational
complexity. For example, our 8-bit scheme has no drops on top-1 and top-5
accuracy with 2x speedup on Intel Edison IoT platform. Implementations based on
our 4-bit, 2-bit or 1-bit scheme are also applicable to IoT devices with
advances of low computational complexity. For example, the drop on our task is
only 0.7% when using 2-bit scheme, a scheme which could largely save
transistors. Making low-bit scheme usable here opens a new door for further
optimization on commodity IoT controller, i.e. extra speed-up could be achieved
by replacing multiply-accumulate operations with the proposed table look-up
operations. The whole study offers a new approach to relief the challenge of
bring advanced deep learning algorithm to resource constrained low-cost IoT
device.
|
Hierarchical Clustering with Structural Constraints | Hierarchical clustering is a popular unsupervised data analysis method. For
many real-world applications, we would like to exploit prior information about
the data that imposes constraints on the clustering hierarchy, and is not
captured by the set of features available to the algorithm. This gives rise to
the problem of "hierarchical clustering with structural constraints".
Structural constraints pose major challenges for bottom-up approaches like
average/single linkage and even though they can be naturally incorporated into
top-down divisive algorithms, no formal guarantees exist on the quality of
their output. In this paper, we provide provable approximation guarantees for
two simple top-down algorithms, using a recently introduced optimization
viewpoint of hierarchical clustering with pairwise similarity information
[Dasgupta, 2016]. We show how to find good solutions even in the presence of
conflicting prior information, by formulating a constraint-based regularization
of the objective. We further explore a variation of this objective for
dissimilarity information [Cohen-Addad et al., 2018] and improve upon current
techniques. Finally, we demonstrate our approach on a real dataset for the
taxonomy application.
|
Optimal Algorithms for Continuous Non-monotone Submodular and
DR-Submodular Maximization | In this paper we study the fundamental problems of maximizing a continuous
non-monotone submodular function over the hypercube, both with and without
coordinate-wise concavity. This family of optimization problems has several
applications in machine learning, economics, and communication systems. Our
main result is the first $\frac{1}{2}$-approximation algorithm for continuous
submodular function maximization; this approximation factor of $\frac{1}{2}$ is
the best possible for algorithms that only query the objective function at
polynomially many points. For the special case of DR-submodular maximization,
i.e. when the submodular functions is also coordinate wise concave along all
coordinates, we provide a different $\frac{1}{2}$-approximation algorithm that
runs in quasilinear time. Both of these results improve upon prior work [Bian
et al, 2017, Soma and Yoshida, 2017].
Our first algorithm uses novel ideas such as reducing the guaranteed
approximation problem to analyzing a zero-sum game for each coordinate, and
incorporates the geometry of this zero-sum game to fix the value at this
coordinate. Our second algorithm exploits coordinate-wise concavity to identify
a monotone equilibrium condition sufficient for getting the required
approximation guarantee, and hunts for the equilibrium point using binary
search. We further run experiments to verify the performance of our proposed
algorithms in related machine learning applications.
|
Multi-Level Deep Cascade Trees for Conversion Rate Prediction in
Recommendation System | Developing effective and efficient recommendation methods is very challenging
for modern e-commerce platforms. Generally speaking, two essential modules
named "Click-Through Rate Prediction" (\textit{CTR}) and "Conversion Rate
Prediction" (\textit{CVR}) are included, where \textit{CVR} module is a crucial
factor that affects the final purchasing volume directly. However, it is indeed
very challenging due to its sparseness nature. In this paper, we tackle this
problem by proposing multi-Level Deep Cascade Trees (\textit{ldcTree}), which
is a novel decision tree ensemble approach. It leverages deep cascade
structures by stacking Gradient Boosting Decision Trees (\textit{GBDT}) to
effectively learn feature representation. In addition, we propose to utilize
the cross-entropy in each tree of the preceding \textit{GBDT} as the input
feature representation for next level \textit{GBDT}, which has a clear
explanation, i.e., a traversal from root to leaf nodes in the next level
\textit{GBDT} corresponds to the combination of certain traversals in the
preceding \textit{GBDT}. The deep cascade structure and the combination rule
enable the proposed \textit{ldcTree} to have a stronger distributed feature
representation ability. Moreover, inspired by ensemble learning, we propose an
Ensemble \textit{ldcTree} (\textit{E-ldcTree}) to encourage the model's
diversity and enhance the representation ability further. Finally, we propose
an improved Feature learning method based on \textit{EldcTree}
(\textit{F-EldcTree}) for taking adequate use of weak and strong correlation
features identified by pre-trained \textit{GBDT} models. Experimental results
on off-line data set and online deployment demonstrate the effectiveness of the
proposed methods.
|
Intelligent Trainer for Model-Based Reinforcement Learning | Model-based reinforcement learning (MBRL) has been proposed as a promising
alternative solution to tackle the high sampling cost challenge in the
canonical reinforcement learning (RL), by leveraging a learned model to
generate synthesized data for policy training purpose. The MBRL framework,
nevertheless, is inherently limited by the convoluted process of jointly
learning control policy and configuring hyper-parameters (e.g., global/local
models, real and synthesized data, etc). The training process could be tedious
and prohibitively costly. In this research, we propose an "reinforcement on
reinforcement" (RoR) architecture to decompose the convoluted tasks into two
layers of reinforcement learning. The inner layer is the canonical model-based
RL training process environment (TPE), which learns the control policy for the
underlying system and exposes interfaces to access states, actions and rewards.
The outer layer presents an RL agent, called as AI trainer, to learn an optimal
hyper-parameter configuration for the inner TPE. This decomposition approach
provides a desirable flexibility to implement different trainer designs, called
as "train the trainer". In our research, we propose and optimize two
alternative trainer designs: 1) a uni-head trainer and 2) a multi-head trainer.
Our proposed RoR framework is evaluated for five tasks in the OpenAI gym (i.e.,
Pendulum, Mountain Car, Reacher, Half Cheetah and Swimmer). Compared to three
other baseline algorithms, our proposed Train-the-Trainer algorithm has a
competitive performance in auto-tuning capability, with upto 56% expected
sampling cost saving without knowing the best parameter setting in advance. The
proposed trainer framework can be easily extended to other cases in which the
hyper-parameter tuning is costly.
|
AutoAugment: Learning Augmentation Policies from Data | Data augmentation is an effective technique for improving the accuracy of
modern image classifiers. However, current data augmentation implementations
are manually designed. In this paper, we describe a simple procedure called
AutoAugment to automatically search for improved data augmentation policies. In
our implementation, we have designed a search space where a policy consists of
many sub-policies, one of which is randomly chosen for each image in each
mini-batch. A sub-policy consists of two operations, each operation being an
image processing function such as translation, rotation, or shearing, and the
probabilities and magnitudes with which the functions are applied. We use a
search algorithm to find the best policy such that the neural network yields
the highest validation accuracy on a target dataset. Our method achieves
state-of-the-art accuracy on CIFAR-10, CIFAR-100, SVHN, and ImageNet (without
additional data). On ImageNet, we attain a Top-1 accuracy of 83.5% which is
0.4% better than the previous record of 83.1%. On CIFAR-10, we achieve an error
rate of 1.5%, which is 0.6% better than the previous state-of-the-art.
Augmentation policies we find are transferable between datasets. The policy
learned on ImageNet transfers well to achieve significant improvements on other
datasets, such as Oxford Flowers, Caltech-101, Oxford-IIT Pets, FGVC Aircraft,
and Stanford Cars.
|
Stable specification search in structural equation model with latent
variables | In our previous study, we introduced stable specification search for
cross-sectional data (S3C). It is an exploratory causal method that combines
stability selection concept and multi-objective optimization to search for
stable and parsimonious causal structures across the entire range of model
complexities. In this study, we extended S3C to S3C-Latent, to model causal
relations between latent variables. We evaluated S3C-Latent on simulated data
and compared the results to those of PC-MIMBuild, an extension of the PC
algorithm, the state-of-the-art causal discovery method. The comparison showed
that S3C-Latent achieved better performance. We also applied S3C-Latent to
real-world data of children with attention deficit/hyperactivity disorder and
data about measuring mental abilities among pupils. The results are consistent
with those of previous studies.
|
Interpretable and Compositional Relation Learning by Joint Training with
an Autoencoder | Embedding models for entities and relations are extremely useful for
recovering missing facts in a knowledge base. Intuitively, a relation can be
modeled by a matrix mapping entity vectors. However, relations reside on low
dimension sub-manifolds in the parameter space of arbitrary matrices---for one
reason, composition of two relations $\boldsymbol{M}_1,\boldsymbol{M}_2$ may
match a third $\boldsymbol{M}_3$ (e.g. composition of relations
currency_of_country and country_of_film usually matches
currency_of_film_budget), which imposes compositional constraints to be
satisfied by the parameters (i.e. $\boldsymbol{M}_1\cdot
\boldsymbol{M}_2\approx \boldsymbol{M}_3$). In this paper we investigate a
dimension reduction technique by training relations jointly with an
autoencoder, which is expected to better capture compositional constraints. We
achieve state-of-the-art on Knowledge Base Completion tasks with strongly
improved Mean Rank, and show that joint training with an autoencoder leads to
interpretable sparse codings of relations, helps discovering compositional
constraints and benefits from compositional training. Our source code is
released at github.com/tianran/glimvec.
|
On the Effectiveness of System API-Related Information for Android
Ransomware Detection | Ransomware constitutes a significant threat to the Android operating system.
It can either lock or encrypt the target devices, and victims are forced to pay
ransoms to restore their data. Hence, the prompt detection of such attacks has
a priority in comparison to other malicious threats. Previous works on Android
malware detection mainly focused on Machine Learning-oriented approaches that
were tailored to identifying malware families, without a clear focus on
ransomware. More specifically, such approaches resorted to complex information
types such as permissions, user-implemented API calls, and native calls.
However, this led to significant drawbacks concerning complexity, resilience
against obfuscation, and explainability. To overcome these issues, in this
paper, we propose and discuss learning-based detection strategies that rely on
System API information. These techniques leverage the fact that ransomware
attacks heavily resort to System API to perform their actions, and allow
distinguishing between generic malware, ransomware and goodware.
We tested three different ways of employing System API information, i.e.,
through packages, classes, and methods, and we compared their performances to
other, more complex state-of-the-art approaches. The attained results showed
that systems based on System API could detect ransomware and generic malware
with very good accuracy, comparable to systems that employed more complex
information. Moreover, the proposed systems could accurately detect novel
samples in the wild and showed resilience against static obfuscation attempts.
Finally, to guarantee early on-device detection, we developed and released on
the Android platform a complete ransomware and malware detector (R-PackDroid)
that employed one of the methodologies proposed in this paper.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.