title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Learning a Prior over Intent via Meta-Inverse Reinforcement Learning
|
A significant challenge for the practical application of reinforcement
learning in the real world is the need to specify an oracle reward function
that correctly defines a task. Inverse reinforcement learning (IRL) seeks to
avoid this challenge by instead inferring a reward function from expert
behavior. While appealing, it can be impractically expensive to collect
datasets of demonstrations that cover the variation common in the real world
(e.g. opening any type of door). Thus in practice, IRL must commonly be
performed with only a limited set of demonstrations where it can be exceedingly
difficult to unambiguously recover a reward function. In this work, we exploit
the insight that demonstrations from other tasks can be used to constrain the
set of possible reward functions by learning a "prior" that is specifically
optimized for the ability to infer expressive reward functions from limited
numbers of demonstrations. We demonstrate that our method can efficiently
recover rewards from images for novel tasks and provide intuition as to how our
approach is analogous to learning a prior.
|
A mixture model for aggregation of multiple pre-trained weak classifiers
|
Deep networks have gained immense popularity in Computer Vision and other
fields in the past few years due to their remarkable performance on
recognition/classification tasks surpassing the state-of-the art. One of the
keys to their success lies in the richness of the automatically learned
features. In order to get very good accuracy, one popular option is to increase
the depth of the network. Training such a deep network is however infeasible or
impractical with moderate computational resources and budget. The other
alternative to increase the performance is to learn multiple weak classifiers
and boost their performance using a boosting algorithm or a variant thereof.
But, one of the problems with boosting algorithms is that they require a
re-training of the networks based on the misclassified samples. Motivated by
these problems, in this work we propose an aggregation technique which combines
the output of multiple weak classifiers. We formulate the aggregation problem
using a mixture model fitted to the trained classifier outputs. Our model does
not require any re-training of the `weak' networks and is computationally very
fast (takes $<30$ seconds to run in our experiments). Thus, using a less
expensive training stage and without doing any re-training of networks, we
experimentally demonstrate that it is possible to boost the performance by
$12\%$. Furthermore, we present experiments using hand-crafted features and
improved the classification performance using the proposed aggregation
technique. One of the major advantages of our framework is that our framework
allows one to combine features that are very likely to be of distinct
dimensions since they are extracted using different networks/algorithms. Our
experimental results demonstrate a significant performance gain from the use of
our aggregation technique at a very small computational cost.
|
Multi-Layered Gradient Boosting Decision Trees
|
Multi-layered representation is believed to be the key ingredient of deep
neural networks especially in cognitive tasks like computer vision. While
non-differentiable models such as gradient boosting decision trees (GBDTs) are
the dominant methods for modeling discrete or tabular data, they are hard to
incorporate with such representation learning ability. In this work, we propose
the multi-layered GBDT forest (mGBDTs), with an explicit emphasis on exploring
the ability to learn hierarchical representations by stacking several layers of
regression GBDTs as its building block. The model can be jointly trained by a
variant of target propagation across layers, without the need to derive
back-propagation nor differentiability. Experiments and visualizations
confirmed the effectiveness of the model in terms of performance and
representation learning ability.
|
Assessing Generative Models via Precision and Recall
|
Recent advances in generative modeling have led to an increased interest in
the study of statistical divergences as means of model comparison. Commonly
used evaluation methods, such as the Frechet Inception Distance (FID),
correlate well with the perceived quality of samples and are sensitive to mode
dropping. However, these metrics are unable to distinguish between different
failure cases since they only yield one-dimensional scores. We propose a novel
definition of precision and recall for distributions which disentangles the
divergence into two separate dimensions. The proposed notion is intuitive,
retains desirable properties, and naturally leads to an efficient algorithm
that can be used to evaluate generative models. We relate this notion to total
variation as well as to recent evaluation metrics such as Inception Score and
FID. To demonstrate the practical utility of the proposed approach we perform
an empirical study on several variants of Generative Adversarial Networks and
Variational Autoencoders. In an extensive set of experiments we show that the
proposed metric is able to disentangle the quality of generated samples from
the coverage of the target distribution.
|
Efficient Algorithms and Lower Bounds for Robust Linear Regression
|
We study the problem of high-dimensional linear regression in a robust model
where an $\epsilon$-fraction of the samples can be adversarially corrupted. We
focus on the fundamental setting where the covariates of the uncorrupted
samples are drawn from a Gaussian distribution $\mathcal{N}(0, \Sigma)$ on
$\mathbb{R}^d$. We give nearly tight upper bounds and computational lower
bounds for this problem. Specifically, our main contributions are as follows:
For the case that the covariance matrix is known to be the identity, we give
a sample near-optimal and computationally efficient algorithm that outputs a
candidate hypothesis vector $\widehat{\beta}$ which approximates the unknown
regression vector $\beta$ within $\ell_2$-norm $O(\epsilon \log(1/\epsilon)
\sigma)$, where $\sigma$ is the standard deviation of the random observation
noise. An error of $\Omega (\epsilon \sigma)$ is information-theoretically
necessary, even with infinite sample size. Prior work gave an algorithm for
this problem with sample complexity $\tilde{\Omega}(d^2/\epsilon^2)$ whose
error guarantee scales with the $\ell_2$-norm of $\beta$.
For the case of unknown covariance, we show that we can efficiently achieve
the same error guarantee as in the known covariance case using an additional
$\tilde{O}(d^2/\epsilon^2)$ unlabeled examples. On the other hand, an error of
$O(\epsilon \sigma)$ can be information-theoretically attained with
$O(d/\epsilon^2)$ samples. We prove a Statistical Query (SQ) lower bound
providing evidence that this quadratic tradeoff in the sample size is inherent.
More specifically, we show that any polynomial time SQ learning algorithm for
robust linear regression (in Huber's contamination model) with estimation
complexity $O(d^{2-c})$, where $c>0$ is an arbitrarily small constant, must
incur an error of $\Omega(\sqrt{\epsilon} \sigma)$.
|
Following High-level Navigation Instructions on a Simulated Quadcopter
with Imitation Learning
|
We introduce a method for following high-level navigation instructions by
mapping directly from images, instructions and pose estimates to continuous
low-level velocity commands for real-time control. The Grounded Semantic
Mapping Network (GSMN) is a fully-differentiable neural network architecture
that builds an explicit semantic map in the world reference frame by
incorporating a pinhole camera projection model within the network. The
information stored in the map is learned from experience, while the
local-to-world transformation is computed explicitly. We train the model using
DAggerFM, a modified variant of DAgger that trades tabular convergence
guarantees for improved training speed and memory use. We test GSMN in virtual
environments on a realistic quadcopter simulator and show that incorporating an
explicit mapping and grounding modules allows GSMN to outperform strong neural
baselines and almost reach an expert policy performance. Finally, we analyze
the learned map representations and show that using an explicit map leads to an
interpretable instruction-following model.
|
Interpretable Set Functions
|
We propose learning flexible but interpretable functions that aggregate a
variable-length set of permutation-invariant feature vectors to predict a
label. We use a deep lattice network model so we can architect the model
structure to enhance interpretability, and add monotonicity constraints between
inputs-and-outputs. We then use the proposed set function to automate the
engineering of dense, interpretable features from sparse categorical features,
which we call semantic feature engine. Experiments on real-world data show the
achieved accuracy is similar to deep sets or deep neural networks, and is
easier to debug and understand.
|
Defending Against Machine Learning Model Stealing Attacks Using
Deceptive Perturbations
|
Machine learning models are vulnerable to simple model stealing attacks if
the adversary can obtain output labels for chosen inputs. To protect against
these attacks, it has been proposed to limit the information provided to the
adversary by omitting probability scores, significantly impacting the utility
of the provided service. In this work, we illustrate how a service provider can
still provide useful, albeit misleading, class probability information, while
significantly limiting the success of the attack. Our defense forces the
adversary to discard the class probabilities, requiring significantly more
queries before they can train a model with comparable performance. We evaluate
several attack strategies, model architectures, and hyperparameters under
varying adversarial models, and evaluate the efficacy of our defense against
the strongest adversary. Finally, we quantify the amount of noise injected into
the class probabilities to mesure the loss in utility, e.g., adding 1.26 nats
per query on CIFAR-10 and 3.27 on MNIST. Our evaluation shows our defense can
degrade the accuracy of the stolen model at least 20%, or require up to 64
times more queries while keeping the accuracy of the protected model almost
intact.
|
Efficient Low-rank Multimodal Fusion with Modality-Specific Factors
|
Multimodal research is an emerging field of artificial intelligence, and one
of the main research problems in this field is multimodal fusion. The fusion of
multimodal data is the process of integrating multiple unimodal representations
into one compact multimodal representation. Previous research in this field has
exploited the expressiveness of tensors for multimodal representation. However,
these methods often suffer from exponential increase in dimensions and in
computational complexity introduced by transformation of input into tensor. In
this paper, we propose the Low-rank Multimodal Fusion method, which performs
multimodal fusion using low-rank tensors to improve efficiency. We evaluate our
model on three different tasks: multimodal sentiment analysis, speaker trait
analysis, and emotion recognition. Our model achieves competitive results on
all these tasks while drastically reducing computational complexity. Additional
experiments also show that our model can perform robustly for a wide range of
low-rank settings, and is indeed much more efficient in both training and
inference compared to other methods that utilize tensor representations.
|
Explaining Explanations: An Overview of Interpretability of Machine
Learning
|
There has recently been a surge of work in explanatory artificial
intelligence (XAI). This research area tackles the important problem that
complex machines and algorithms often cannot provide insights into their
behavior and thought processes. XAI allows users and parts of the internal
system to be more transparent, providing explanations of their decisions in
some level of detail. These explanations are important to ensure algorithmic
fairness, identify potential bias/problems in the training data, and to ensure
that the algorithms perform as expected. However, explanations produced by
these systems is neither standardized nor systematically assessed. In an effort
to create best practices and identify open challenges, we provide our
definition of explainability and show how it can be used to classify existing
literature. We discuss why current approaches to explanatory methods especially
for deep neural networks are insufficient. Finally, based on our survey, we
conclude with suggested future research directions for explanatory artificial
intelligence.
|
Resisting Adversarial Attacks using Gaussian Mixture Variational
Autoencoders
|
Susceptibility of deep neural networks to adversarial attacks poses a major
theoretical and practical challenge. All efforts to harden classifiers against
such attacks have seen limited success. Two distinct categories of samples to
which deep networks are vulnerable, "adversarial samples" and "fooling
samples", have been tackled separately so far due to the difficulty posed when
considered together. In this work, we show how one can address them both under
one unified framework. We tie a discriminative model with a generative model,
rendering the adversarial objective to entail a conflict. Our model has the
form of a variational autoencoder, with a Gaussian mixture prior on the latent
vector. Each mixture component of the prior distribution corresponds to one of
the classes in the data. This enables us to perform selective classification,
leading to the rejection of adversarial samples instead of misclassification.
Our method inherently provides a way of learning a selective classifier in a
semi-supervised scenario as well, which can resist adversarial attacks. We also
show how one can reclassify the rejected adversarial samples.
|
PeerNets: Exploiting Peer Wisdom Against Adversarial Attacks
|
Deep learning systems have become ubiquitous in many aspects of our lives.
Unfortunately, it has been shown that such systems are vulnerable to
adversarial attacks, making them prone to potential unlawful uses. Designing
deep neural networks that are robust to adversarial attacks is a fundamental
step in making such systems safer and deployable in a broader variety of
applications (e.g. autonomous driving), but more importantly is a necessary
step to design novel and more advanced architectures built on new computational
paradigms rather than marginally building on the existing ones. In this paper
we introduce PeerNets, a novel family of convolutional networks alternating
classical Euclidean convolutions with graph convolutions to harness information
from a graph of peer samples. This results in a form of non-local forward
propagation in the model, where latent features are conditioned on the global
structure induced by the graph, that is up to 3 times more robust to a variety
of white- and black-box adversarial attacks compared to conventional
architectures with almost no drop in accuracy.
|
Generative Ratio Matching Networks
|
Deep generative models can learn to generate realistic-looking images, but
many of the most effective methods are adversarial and involve a saddlepoint
optimization, which requires a careful balancing of training between a
generator network and a critic network. Maximum mean discrepancy networks
(MMD-nets) avoid this issue by using kernel as a fixed adversary, but
unfortunately, they have not on their own been able to match the generative
quality of adversarial training. In this work, we take their insight of using
kernels as fixed adversaries further and present a novel method for training
deep generative models that does not involve saddlepoint optimization. We call
our method generative ratio matching or GRAM for short. In GRAM, the generator
and the critic networks do not play a zero-sum game against each other,
instead, they do so against a fixed kernel. Thus GRAM networks are not only
stable to train like MMD-nets but they also match and beat the generative
quality of adversarially trained generative networks.
|
Probabilistically Safe Robot Planning with Confidence-Based Human
Predictions
|
In order to safely operate around humans, robots can employ predictive models
of human motion. Unfortunately, these models cannot capture the full complexity
of human behavior and necessarily introduce simplifying assumptions. As a
result, predictions may degrade whenever the observed human behavior departs
from the assumed structure, which can have negative implications for safety. In
this paper, we observe that how "rational" human actions appear under a
particular model can be viewed as an indicator of that model's ability to
describe the human's current motion. By reasoning about this model confidence
in a real-time Bayesian framework, we show that the robot can very quickly
modulate its predictions to become more uncertain when the model performs
poorly. Building on recent work in provably-safe trajectory planning, we
leverage these confidence-aware human motion predictions to generate assured
autonomous robot motion. Our new analysis combines worst-case tracking error
guarantees for the physical robot with probabilistic time-varying human
predictions, yielding a quantitative, probabilistic safety certificate. We
demonstrate our approach with a quadcopter navigating around a human.
|
Sea surface temperature prediction and reconstruction using patch-level
neural network representations
|
The forecasting and reconstruction of ocean and atmosphere dynamics from
satellite observation time series are key challenges. While model-driven
representations remain the classic approaches, data-driven representations
become more and more appealing to benefit from available large-scale
observation and simulation datasets. In this work we investigate the relevance
of recently introduced bilinear residual neural network representations, which
mimic numerical integration schemes such as Runge-Kutta, for the forecasting
and assimilation of geophysical fields from satellite-derived remote sensing
data. As a case-study, we consider satellite-derived Sea Surface Temperature
time series off South Africa, which involves intense and complex upper ocean
dynamics. Our numerical experiments demonstrate that the proposed patch-level
neural-network-based representations outperform other data-driven models,
including analog schemes, both in terms of forecasting and missing data
interpolation performance with a relative gain up to 50\% for highly dynamic
areas.
|
Tandem Blocks in Deep Convolutional Neural Networks
|
Due to the success of residual networks (resnets) and related architectures,
shortcut connections have quickly become standard tools for building
convolutional neural networks. The explanations in the literature for the
apparent effectiveness of shortcuts are varied and often contradictory. We
hypothesize that shortcuts work primarily because they act as linear
counterparts to nonlinear layers. We test this hypothesis by using several
variations on the standard residual block, with different types of linear
connections, to build small image classification networks. Our experiments show
that other kinds of linear connections can be even more effective than the
identity shortcuts. Our results also suggest that the best type of linear
connection for a given application may depend on both network width and depth.
|
Interpreting Deep Learning: The Machine Learning Rorschach Test?
|
Theoretical understanding of deep learning is one of the most important tasks
facing the statistics and machine learning communities. While deep neural
networks (DNNs) originated as engineering methods and models of biological
networks in neuroscience and psychology, they have quickly become a centerpiece
of the machine learning toolbox. Unfortunately, DNN adoption powered by recent
successes combined with the open-source nature of the machine learning
community, has outpaced our theoretical understanding. We cannot reliably
identify when and why DNNs will make mistakes. In some applications like text
translation these mistakes may be comical and provide for fun fodder in
research talks, a single error can be very costly in tasks like medical
imaging. As we utilize DNNs in increasingly sensitive applications, a better
understanding of their properties is thus imperative. Recent advances in DNN
theory are numerous and include many different sources of intuition, such as
learning theory, sparse signal analysis, physics, chemistry, and psychology. An
interesting pattern begins to emerge in the breadth of possible
interpretations. The seemingly limitless approaches are mostly constrained by
the lens with which the mathematical operations are viewed. Ultimately, the
interpretation of DNNs appears to mimic a type of Rorschach test --- a
psychological test wherein subjects interpret a series of seemingly ambiguous
ink-blots. Validation for DNN theory requires a convergence of the literature.
We must distinguish between universal results that are invariant to the
analysis perspective and those that are specific to a particular network
configuration. Simultaneously we must deal with the fact that many standard
statistical tools for quantifying generalization or empirically assessing
important network features are difficult to apply to DNNs.
|
q-Neurons: Neuron Activations based on Stochastic Jackson's Derivative
Operators
|
We propose a new generic type of stochastic neurons, called $q$-neurons, that
considers activation functions based on Jackson's $q$-derivatives with
stochastic parameters $q$. Our generalization of neural network architectures
with $q$-neurons is shown to be both scalable and very easy to implement. We
demonstrate experimentally consistently improved performances over
state-of-the-art standard activation functions, both on training and testing
loss functions.
|
k-Space Deep Learning for Reference-free EPI Ghost Correction
|
Nyquist ghost artifacts in EPI are originated from phase mismatch between the
even and odd echoes. However, conventional correction methods using reference
scans often produce erroneous results especially in high-field MRI due to the
non-linear and time-varying local magnetic field changes. Recently, it was
shown that the problem of ghost correction can be reformulated as k-space
interpolation problem that can be solved using structured low-rank Hankel
matrix approaches. Another recent work showed that data driven Hankel matrix
decomposition can be reformulated to exhibit similar structures as deep
convolutional neural network. By synergistically combining these findings, we
propose a k-space deep learning approach that immediately corrects the phase
mismatch without a reference scan in both accelerated and non-accelerated EPI
acquisitions. To take advantage of the even and odd-phase directional
redundancy, the k-space data is divided into two channels configured with even
and odd phase encodings. The redundancies between coils are also exploited by
stacking the multi-coil k-space data into additional input channels. Then, our
k-space ghost correction network is trained to learn the interpolation kernel
to estimate the missing virtual k-space data. For the accelerated EPI data, the
same neural network is trained to directly estimate the interpolation kernels
for missing k-space data from both ghost and subsampling. Reconstruction
results using 3T and 7T in-vivo data showed that the proposed method
outperformed the image quality compared to the existing methods, and the
computing time is much faster.The proposed k-space deep learning for EPI ghost
correction is highly robust and fast, and can be combined with acceleration, so
that it can be used as a promising correction tool for high-field MRI without
changing the current acquisition protocol.
|
Neural Control Variates for Variance Reduction
|
In statistics and machine learning, approximation of an intractable
integration is often achieved by using the unbiased Monte Carlo estimator, but
the variances of the estimation are generally high in many applications.
Control variates approaches are well-known to reduce the variance of the
estimation. These control variates are typically constructed by employing
predefined parametric functions or polynomials, determined by using those
samples drawn from the relevant distributions. Instead, we propose to construct
those control variates by learning neural networks to handle the cases when
test functions are complex. In many applications, obtaining a large number of
samples for Monte Carlo estimation is expensive, which may result in
overfitting when training a neural network. We thus further propose to employ
auxiliary random variables induced by the original ones to extend data samples
for training the neural networks. We apply the proposed control variates with
augmented variables to thermodynamic integration and reinforcement learning.
Experimental results demonstrate that our method can achieve significant
variance reduction compared with other alternatives.
|
Training LSTM Networks with Resistive Cross-Point Devices
|
In our previous work we have shown that resistive cross point devices, so
called Resistive Processing Unit (RPU) devices, can provide significant power
and speed benefits when training deep fully connected networks as well as
convolutional neural networks. In this work, we further extend the RPU concept
for training recurrent neural networks (RNNs) namely LSTMs. We show that the
mapping of recurrent layers is very similar to the mapping of fully connected
layers and therefore the RPU concept can potentially provide large acceleration
factors for RNNs as well. In addition, we study the effect of various device
imperfections and system parameters on training performance. Symmetry of
updates becomes even more crucial for RNNs; already a few percent asymmetry
results in an increase in the test error compared to the ideal case trained
with floating point numbers. Furthermore, the input signal resolution to device
arrays needs to be at least 7 bits for successful training. However, we show
that a stochastic rounding scheme can reduce the input signal resolution back
to 5 bits. Further, we find that RPU device variations and hardware noise are
enough to mitigate overfitting, so that there is less need for using dropout.
We note that the models trained here are roughly 1500 times larger than the
fully connected network trained on MNIST dataset in terms of the total number
of multiplication and summation operations performed per epoch. Thus, here we
attempt to study the validity of the RPU approach for large scale networks.
|
Reparameterization Gradient for Non-differentiable Models
|
We present a new algorithm for stochastic variational inference that targets
at models with non-differentiable densities. One of the key challenges in
stochastic variational inference is to come up with a low-variance estimator of
the gradient of a variational objective. We tackle the challenge by
generalizing the reparameterization trick, one of the most effective techniques
for addressing the variance issue for differentiable models, so that the trick
works for non-differentiable models as well. Our algorithm splits the space of
latent variables into regions where the density of the variables is
differentiable, and their boundaries where the density may fail to be
differentiable. For each differentiable region, the algorithm applies the
standard reparameterization trick and estimates the gradient restricted to the
region. For each potentially non-differentiable boundary, it uses a form of
manifold sampling and computes the direction for variational parameters that,
if followed, would increase the boundary's contribution to the variational
objective. The sum of all the estimates becomes the gradient estimate of our
algorithm. Our estimator enjoys the reduced variance of the reparameterization
gradient while remaining unbiased even for non-differentiable models. The
experiments with our preliminary implementation confirm the benefit of reduced
variance and unbiasedness.
|
The Nonlinearity Coefficient - Predicting Generalization in Deep Neural
Networks
|
For a long time, designing neural architectures that exhibit high performance
was considered a dark art that required expert hand-tuning. One of the few
well-known guidelines for architecture design is the avoidance of exploding
gradients, though even this guideline has remained relatively vague and
circumstantial. We introduce the nonlinearity coefficient (NLC), a measurement
of the complexity of the function computed by a neural network that is based on
the magnitude of the gradient. Via an extensive empirical study, we show that
the NLC is a powerful predictor of test error and that attaining a right-sized
NLC is essential for optimal performance.
The NLC exhibits a range of intriguing and important properties. It is
closely tied to the amount of information gained from computing a single
network gradient. It is tied to the error incurred when replacing the
nonlinearity operations in the network with linear operations. It is not
susceptible to the confounders of multiplicative scaling, additive bias and
layer width. It is stable from layer to layer. Hence, we argue that the NLC is
the first robust predictor of overfitting in deep networks.
|
Learning a Latent Space of Multitrack Measures
|
Discovering and exploring the underlying structure of multi-instrumental
music using learning-based approaches remains an open problem. We extend the
recent MusicVAE model to represent multitrack polyphonic measures as vectors in
a latent space. Our approach enables several useful operations such as
generating plausible measures from scratch, interpolating between measures in a
musically meaningful way, and manipulating specific musical attributes. We also
introduce chord conditioning, which allows all of these operations to be
performed while keeping harmony fixed, and allows chords to be changed while
maintaining musical "style". By generating a sequence of measures over a
predefined chord progression, our model can produce music with convincing
long-term structure. We demonstrate that our latent space model makes it
possible to intuitively control and generate musical sequences with rich
instrumentation (see https://goo.gl/s2N7dV for generated audio).
|
Inference Aided Reinforcement Learning for Incentive Mechanism Design in
Crowdsourcing
|
Incentive mechanisms for crowdsourcing are designed to incentivize
financially self-interested workers to generate and report high-quality labels.
Existing mechanisms are often developed as one-shot static solutions, assuming
a certain level of knowledge about worker models (expertise levels, costs of
exerting efforts, etc.). In this paper, we propose a novel inference aided
reinforcement mechanism that learns to incentivize high-quality data
sequentially and requires no such prior assumptions. Specifically, we first
design a Gibbs sampling augmented Bayesian inference algorithm to estimate
workers' labeling strategies from the collected labels at each step. Then we
propose a reinforcement incentive learning (RIL) method, building on top of the
above estimates, to uncover how workers respond to different payments. RIL
dynamically determines the payment without accessing any ground-truth labels.
We theoretically prove that RIL is able to incentivize rational workers to
provide high-quality labels. Empirical results show that our mechanism performs
consistently well under both rational and non-fully rational (adaptive
learning) worker models. Besides, the payments offered by RIL are more robust
and have lower variances compared to the existing one-shot mechanisms.
|
TAPAS: Train-less Accuracy Predictor for Architecture Search
|
In recent years an increasing number of researchers and practitioners have
been suggesting algorithms for large-scale neural network architecture search:
genetic algorithms, reinforcement learning, learning curve extrapolation, and
accuracy predictors. None of them, however, demonstrated high-performance
without training new experiments in the presence of unseen datasets. We propose
a new deep neural network accuracy predictor, that estimates in fractions of a
second classification performance for unseen input datasets, without training.
In contrast to previously proposed approaches, our prediction is not only
calibrated on the topological network information, but also on the
characterization of the dataset-difficulty which allows us to re-tune the
prediction without any training. Our predictor achieves a performance which
exceeds 100 networks per second on a single GPU, thus creating the opportunity
to perform large-scale architecture search within a few minutes. We present
results of two searches performed in 400 seconds on a single GPU. Our best
discovered networks reach 93.67% accuracy for CIFAR-10 and 81.01% for
CIFAR-100, verified by training. These networks are performance competitive
with other automatically discovered state-of-the-art networks however we only
needed a small fraction of the time to solution and computational resources.
|
A Survey of Domain Adaptation for Neural Machine Translation
|
Neural machine translation (NMT) is a deep learning based approach for
machine translation, which yields the state-of-the-art translation performance
in scenarios where large-scale parallel corpora are available. Although the
high-quality and domain-specific translation is crucial in the real world,
domain-specific corpora are usually scarce or nonexistent, and thus vanilla NMT
performs poorly in such scenarios. Domain adaptation that leverages both
out-of-domain parallel corpora as well as monolingual corpora for in-domain
translation, is very important for domain-specific translation. In this paper,
we give a comprehensive survey of the state-of-the-art domain adaptation
techniques for NMT.
|
Generative Modeling by Inclusive Neural Random Fields with Applications
in Image Generation and Anomaly Detection
|
Neural random fields (NRFs), referring to a class of generative models that
use neural networks to implement potential functions in random fields (a.k.a.
energy-based models), are not new but receive less attention with slow
progress. Different from various directed graphical models such as generative
adversarial networks (GANs), NRFs provide an interesting family of undirected
graphical models for generative modeling. In this paper we propose a new
approach, the inclusive-NRF approach, to learning NRFs for continuous data
(e.g. images), by introducing inclusive-divergence minimized auxiliary
generators and developing stochastic gradient sampling in an augmented space.
Based on the new approach, specific inclusive-NRF models are developed and
thoroughly evaluated in two important generative modeling applications - image
generation and anomaly detection. The proposed models consistently improve over
state-of-the-art results in both applications. Remarkably, in addition to
superior sample generation, one additional benefit of our inclusive-NRF
approach is that, unlike GANs, it can directly provide (unnormalized) density
estimate for sample evaluation. With these contributions and results, this
paper significantly advances the learning and applications of NRFs to a new
level, both theoretically and empirically, which have never been obtained
before.
|
Sparse Pursuit and Dictionary Learning for Blind Source Separation in
Polyphonic Music Recordings
|
We propose an algorithm for the blind separation of single-channel audio
signals. It is based on a parametric model that describes the spectral
properties of the sounds of musical instruments independently of pitch. We
develop a novel sparse pursuit algorithm that can match the discrete frequency
spectra from the recorded signal with the continuous spectra delivered by the
model. We first use this algorithm to convert an STFT spectrogram from the
recording into a novel form of log-frequency spectrogram whose resolution
exceeds that of the mel spectrogram. We then make use of the pitch-invariant
properties of that representation in order to identify the sounds of the
instruments via the same sparse pursuit method. As the model parameters which
characterize the musical instruments are not known beforehand, we train a
dictionary that contains them, using a modified version of Adam. Applying the
algorithm on various audio samples, we find that it is capable of producing
high-quality separation results when the model assumptions are satisfied and
the instruments are clearly distinguishable, but combinations of instruments
with similar spectral characteristics pose a conceptual difficulty. While a key
feature of the model is that it explicitly models inharmonicity, its presence
can also still impede performance of the sparse pursuit algorithm. In general,
due to its pitch-invariance, our method is especially suitable for dealing with
spectra from acoustic instruments, requiring only a minimal number of
hyperparameters to be preset. Additionally, we demonstrate that the dictionary
that is constructed for one recording can be applied to a different recording
with similar instruments without additional training.
|
Learning convex bounds for linear quadratic control policy synthesis
|
Learning to make decisions from observed data in dynamic environments remains
a problem of fundamental importance in a number of fields, from artificial
intelligence and robotics, to medicine and finance. This paper concerns the
problem of learning control policies for unknown linear dynamical systems so as
to maximize a quadratic reward function. We present a method to optimize the
expected value of the reward over the posterior distribution of the unknown
system parameters, given data. The algorithm involves sequential convex
programing, and enjoys reliable local convergence and robust stability
guarantees. Numerical simulations and stabilization of a real-world inverted
pendulum are used to demonstrate the approach, with strong performance and
robustness properties observed in both.
|
A Reinforcement Learning Approach to Age of Information in Multi-User
Networks
|
Scheduling the transmission of time-sensitive data to multiple users over
error-prone communication channels is studied with the goal of minimizing the
long-term average age of information (AoI) at the users under a constraint on
the average number of transmissions at the source node. After each
transmission, the source receives an instantaneous ACK/NACK feedback from the
intended receiver and decides on what time and to which user to transmit the
next update. The optimal scheduling policy is first studied under different
feedback mechanisms when the channel statistics are known; in particular, the
standard automatic repeat request (ARQ) and hybrid ARQ (HARQ) protocols are
considered. Then a reinforcement learning (RL) approach is introduced, which
does not assume any a priori information on the random processes governing the
channel states. Different RL methods are verified and compared through
numerical simulations.
|
Nonlinear Acceleration of CNNs
|
The Regularized Nonlinear Acceleration (RNA) algorithm is an acceleration
method capable of improving the rate of convergence of many optimization
schemes such as gradient descend, SAGA or SVRG. Until now, its analysis is
limited to convex problems, but empirical observations shows that RNA may be
extended to wider settings. In this paper, we investigate further the benefits
of RNA when applied to neural networks, in particular for the task of image
recognition on CIFAR10 and ImageNet. With very few modifications of exiting
frameworks, RNA improves slightly the optimization process of CNNs, after
training.
|
Persistence paths and signature features in topological data analysis
|
We introduce a new feature map for barcodes that arise in persistent homology
computation. The main idea is to first realize each barcode as a path in a
convenient vector space, and to then compute its path signature which takes
values in the tensor algebra of that vector space. The composition of these two
operations - barcode to path, path to tensor series - results in a feature map
that has several desirable properties for statistical learning, such as
universality and characteristicness, and achieves state-of-the-art results on
common classification benchmarks.
|
A Review of Challenges and Opportunities in Machine Learning for Health
|
Modern electronic health records (EHRs) provide data to answer clinically
meaningful questions. The growing data in EHRs makes healthcare ripe for the
use of machine learning. However, learning in a clinical setting presents
unique challenges that complicate the use of common machine learning
methodologies. For example, diseases in EHRs are poorly labeled, conditions can
encompass multiple underlying endotypes, and healthy individuals are
underrepresented. This article serves as a primer to illuminate these
challenges and highlights opportunities for members of the machine learning
community to contribute to healthcare.
|
Inverting Supervised Representations with Autoregressive Neural Density
Models
|
We present a method for feature interpretation that makes use of recent
advances in autoregressive density estimation models to invert model
representations. We train generative inversion models to express a distribution
over input features conditioned on intermediate model representations. Insights
into the invariances learned by supervised models can be gained by viewing
samples from these inversion models. In addition, we can use these inversion
models to estimate the mutual information between a model's inputs and its
intermediate representations, thus quantifying the amount of information
preserved by the network at different stages. Using this method we examine the
types of information preserved at different layers of convolutional neural
networks, and explore the invariances induced by different architectural
choices. Finally we show that the mutual information between inputs and network
layers decreases over the course of training, supporting recent work by
Shwartz-Ziv and Tishby (2017) on the information bottleneck theory of deep
learning.
|
Global linear convergence of Newton's method without strong-convexity or
Lipschitz gradients
|
We show that Newton's method converges globally at a linear rate for
objective functions whose Hessians are stable. This class of problems includes
many functions which are not strongly convex, such as logistic regression. Our
linear convergence result is (i) affine-invariant, and holds even if an (ii)
approximate Hessian is used, and if the subproblems are (iii) only solved
approximately. Thus we theoretically demonstrate the superiority of Newton's
method over first-order methods, which would only achieve a sublinear
$O(1/t^2)$ rate under similar conditions.
|
Pattern Search Multidimensional Scaling
|
We present a novel view of nonlinear manifold learning using derivative-free
optimization techniques. Specifically, we propose an extension of the classical
multi-dimensional scaling (MDS) method, where instead of performing gradient
descent, we sample and evaluate possible "moves" in a sphere of fixed radius
for each point in the embedded space. A fixed-point convergence guarantee can
be shown by formulating the proposed algorithm as an instance of General
Pattern Search (GPS) framework. Evaluation on both clean and noisy synthetic
datasets shows that pattern search MDS can accurately infer the intrinsic
geometry of manifolds embedded in high-dimensional spaces. Additionally,
experiments on real data, even under noisy conditions, demonstrate that the
proposed pattern search MDS yields state-of-the-art results.
|
Whitening and Coloring batch transform for GANs
|
Batch Normalization (BN) is a common technique used to speed-up and stabilize
training. On the other hand, the learnable parameters of BN are commonly used
in conditional Generative Adversarial Networks (cGANs) for representing
class-specific information using conditional Batch Normalization (cBN). In this
paper we propose to generalize both BN and cBN using a Whitening and Coloring
based batch normalization. We show that our conditional Coloring can represent
categorical conditioning information which largely helps the cGAN qualitative
results. Moreover, we show that full-feature whitening is important in a
general GAN scenario in which the training process is known to be highly
unstable. We test our approach on different datasets and using different GAN
networks and training protocols, showing a consistent improvement in all the
tested frameworks. Our CIFAR-10 conditioned results are higher than all
previous works on this dataset.
|
Solving the Kolmogorov PDE by means of deep learning
|
Stochastic differential equations (SDEs) and the Kolmogorov partial
differential equations (PDEs) associated to them have been widely used in
models from engineering, finance, and the natural sciences. In particular, SDEs
and Kolmogorov PDEs, respectively, are highly employed in models for the
approximative pricing of financial derivatives. Kolmogorov PDEs and SDEs,
respectively, can typically not be solved explicitly and it has been and still
is an active topic of research to design and analyze numerical methods which
are able to approximately solve Kolmogorov PDEs and SDEs, respectively. Nearly
all approximation methods for Kolmogorov PDEs in the literature suffer under
the curse of dimensionality or only provide approximations of the solution of
the PDE at a single fixed space-time point. In this paper we derive and propose
a numerical approximation method which aims to overcome both of the above
mentioned drawbacks and intends to deliver a numerical approximation of the
Kolmogorov PDE on an entire region $[a,b]^d$ without suffering from the curse
of dimensionality. Numerical results on examples including the heat equation,
the Black-Scholes model, the stochastic Lorenz equation, and the Heston model
suggest that the proposed approximation algorithm is quite effective in high
dimensions in terms of both accuracy and speed.
|
A Classification approach towards Unsupervised Learning of Visual
Representations
|
In this paper, we present a technique for unsupervised learning of visual
representations. Specifically, we train a model for foreground and background
classification task, in the process of which it learns visual representations.
Foreground and background patches for training come af- ter mining for such
patches from hundreds and thousands of unlabelled videos available on the web
which we ex- tract using a proposed patch extraction algorithm. With- out using
any supervision, with just using 150, 000 unla- belled videos and the PASCAL
VOC 2007 dataset, we train a object recognition model that achieves 45.3 mAP
which is close to the best performing unsupervised feature learn- ing technique
whereas better than many other proposed al- gorithms. The code for patch
extraction is implemented in Matlab and available open source at the following
link .
|
Large-Margin Classification in Hyperbolic Space
|
Representing data in hyperbolic space can effectively capture latent
hierarchical relationships. With the goal of enabling accurate classification
of points in hyperbolic space while respecting their hyperbolic geometry, we
introduce hyperbolic SVM, a hyperbolic formulation of support vector machine
classifiers, and elucidate through new theoretical work its connection to the
Euclidean counterpart. We demonstrate the performance improvement of hyperbolic
SVM for multi-class prediction tasks on real-world complex networks as well as
simulated datasets. Our work allows analytic pipelines that take the inherent
hyperbolic geometry of the data into account in an end-to-end fashion without
resorting to ill-fitting tools developed for Euclidean space.
|
Do CIFAR-10 Classifiers Generalize to CIFAR-10?
|
Machine learning is currently dominated by largely experimental work focused
on improvements in a few key tasks. However, the impressive accuracy numbers of
the best performing models are questionable because the same test sets have
been used to select these models for multiple years now. To understand the
danger of overfitting, we measure the accuracy of CIFAR-10 classifiers by
creating a new test set of truly unseen images. Although we ensure that the new
test set is as close to the original data distribution as possible, we find a
large drop in accuracy (4% to 10%) for a broad range of deep learning models.
Yet more recent models with higher original accuracy show a smaller drop and
better overall performance, indicating that this drop is likely not due to
overfitting based on adaptivity. Instead, we view our results as evidence that
current accuracy numbers are brittle and susceptible to even minute natural
variations in the data distribution.
|
Improved Sample Complexity for Stochastic Compositional Variance Reduced
Gradient
|
Convex composition optimization is an emerging topic that covers a wide range
of applications arising from stochastic optimal control, reinforcement learning
and multi-stage stochastic programming. Existing algorithms suffer from
unsatisfactory sample complexity and practical issues since they ignore the
convexity structure in the algorithmic design. In this paper, we develop a new
stochastic compositional variance-reduced gradient algorithm with the sample
complexity of $O((m+n)\log(1/\epsilon)+1/\epsilon^3)$ where $m+n$ is the total
number of samples. Our algorithm is near-optimal as the dependence on $m+n$ is
optimal up to a logarithmic factor. Experimental results on real-world datasets
demonstrate the effectiveness and efficiency of the new algorithm.
|
Implicit Bias of Gradient Descent on Linear Convolutional Networks
|
We show that gradient descent on full-width linear convolutional networks of
depth $L$ converges to a linear predictor related to the $\ell_{2/L}$ bridge
penalty in the frequency domain. This is in contrast to linearly fully
connected networks, where gradient descent converges to the hard margin linear
support vector machine solution, regardless of depth.
|
Backpropagation for Implicit Spectral Densities
|
Most successful machine intelligence systems rely on gradient-based learning,
which is made possible by backpropagation. Some systems are designed to aid us
in interpreting data when explicit goals cannot be provided. These unsupervised
systems are commonly trained by backpropagating through a likelihood function.
We introduce a tool that allows us to do this even when the likelihood is not
explicitly set, by instead using the implicit likelihood of the model.
Explicitly defining the likelihood often entails making heavy-handed
assumptions that impede our ability to solve challenging tasks. On the other
hand, the implicit likelihood of the model is accessible without the need for
such assumptions. Our tool, which we call spectral backpropagation, allows us
to optimize it in much greater generality than what has been attempted before.
GANs can also be viewed as a technique for optimizing implicit likelihoods. We
study them using spectral backpropagation in order to demonstrate robustness
for high-dimensional problems, and identify two novel properties of the
generator G: (1) there exist aberrant, nonsensical outputs to which G assigns
very high likelihood, and (2) the eigenvectors of the metric induced by G over
latent space correspond to quasi-disentangled explanatory factors.
|
Semi-Recurrent CNN-based VAE-GAN for Sequential Data Generation
|
A semi-recurrent hybrid VAE-GAN model for generating sequential data is
introduced. In order to consider the spatial correlation of the data in each
frame of the generated sequence, CNNs are utilized in the encoder, generator,
and discriminator. The subsequent frames are sampled from the latent
distributions obtained by encoding the previous frames. As a result, the
dependencies between the frames are maintained. Two testing frameworks for
synthesizing a sequence with any number of frames are also proposed. The
promising experimental results on piano music generation indicates the
potential of the proposed framework in modeling other sequential data such as
video.
|
Structurally Sparsified Backward Propagation for Faster Long Short-Term
Memory Training
|
Exploiting sparsity enables hardware systems to run neural networks faster
and more energy-efficiently. However, most prior sparsity-centric optimization
techniques only accelerate the forward pass of neural networks and usually
require an even longer training process with iterative pruning and retraining.
We observe that artificially inducing sparsity in the gradients of the gates in
an LSTM cell has little impact on the training quality. Further, we can enforce
structured sparsity in the gate gradients to make the LSTM backward pass up to
45% faster than the state-of-the-art dense approach and 168% faster than the
state-of-the-art sparsifying method on modern GPUs. Though the structured
sparsifying method can impact the accuracy of a model, this performance gap can
be eliminated by mixing our sparse training method and the standard dense
training method. Experimental results show that the mixed method can achieve
comparable results in a shorter time span than using purely dense training.
|
Efficient, Certifiably Optimal Clustering with Applications to Latent
Variable Graphical Models
|
Motivated by the task of clustering either $d$ variables or $d$ points into
$K$ groups, we investigate efficient algorithms to solve the Peng-Wei (P-W)
$K$-means semi-definite programming (SDP) relaxation. The P-W SDP has been
shown in the literature to have good statistical properties in a variety of
settings, but remains intractable to solve in practice. To this end we propose
FORCE, a new algorithm to solve this SDP relaxation. Compared to the naive
interior point method, our method reduces the computational complexity of
solving the SDP from $\tilde{O}(d^7\log\epsilon^{-1})$ to
$\tilde{O}(d^{6}K^{-2}\epsilon^{-1})$ arithmetic operations for an
$\epsilon$-optimal solution. Our method combines a primal first-order method
with a dual optimality certificate search, which when successful, allows for
early termination of the primal method. We show for certain variable clustering
problems that, with high probability, FORCE is guaranteed to find the optimal
solution to the SDP relaxation and provide a certificate of exact optimality.
As verified by our numerical experiments, this allows FORCE to solve the P-W
SDP with dimensions in the hundreds in only tens of seconds. For a variation of
the P-W SDP where $K$ is not known a priori a slight modification of FORCE
reduces the computational complexity of solving this problem as well: from
$\tilde{O}(d^7\log\epsilon^{-1})$ using a standard SDP solver to
$\tilde{O}(d^{4}\epsilon^{-1})$.
|
Provably convergent acceleration in factored gradient descent with
applications in matrix sensing
|
We present theoretical results on the convergence of \emph{non-convex}
accelerated gradient descent in matrix factorization models with $\ell_2$-norm
loss. The purpose of this work is to study the effects of acceleration in
non-convex settings, where provable convergence with acceleration should not be
considered a \emph{de facto} property. The technique is applied to matrix
sensing problems, for the estimation of a rank $r$ optimal solution $X^\star
\in \mathbb{R}^{n \times n}$. Our contributions can be summarized as follows.
$i)$ We show that acceleration in factored gradient descent converges at a
linear rate; this fact is novel for non-convex matrix factorization settings,
under common assumptions. $ii)$ Our proof technique requires the acceleration
parameter to be carefully selected, based on the properties of the problem,
such as the condition number of $X^\star$ and the condition number of objective
function. $iii)$ Currently, our proof leads to the same dependence on the
condition number(s) in the contraction parameter, similar to recent results on
non-accelerated algorithms. $iv)$ Acceleration is observed in practice, both in
synthetic examples and in two real applications: neuronal multi-unit activities
recovery from single electrode recordings, and quantum state tomography on
quantum computing simulators.
|
Integrating Episodic Memory into a Reinforcement Learning Agent using
Reservoir Sampling
|
Episodic memory is a psychology term which refers to the ability to recall
specific events from the past. We suggest one advantage of this particular type
of memory is the ability to easily assign credit to a specific state when
remembered information is found to be useful. Inspired by this idea, and the
increasing popularity of external memory mechanisms to handle long-term
dependencies in deep learning systems, we propose a novel algorithm which uses
a reservoir sampling procedure to maintain an external memory consisting of a
fixed number of past states. The algorithm allows a deep reinforcement learning
agent to learn online to preferentially remember those states which are found
to be useful to recall later on. Critically this method allows for efficient
online computation of gradient estimates with respect to the write process of
the external memory. Thus unlike most prior mechanisms for external memory it
is feasible to use in an online reinforcement learning setting.
|
The Externalities of Exploration and How Data Diversity Helps
Exploitation
|
Online learning algorithms, widely used to power search and content
optimization on the web, must balance exploration and exploitation, potentially
sacrificing the experience of current users for information that will lead to
better decisions in the future. Recently, concerns have been raised about
whether the process of exploration could be viewed as unfair, placing too much
burden on certain individuals or groups. Motivated by these concerns, we
initiate the study of the externalities of exploration - the undesirable side
effects that the presence of one party may impose on another - under the linear
contextual bandits model. We introduce the notion of a group externality,
measuring the extent to which the presence of one population of users impacts
the rewards of another. We show that this impact can in some cases be negative,
and that, in a certain sense, no algorithm can avoid it. We then study
externalities at the individual level, interpreting the act of exploration as
an externality imposed on the current user of a system by future users. This
drives us to ask under what conditions inherent diversity in the data makes
explicit exploration unnecessary. We build on a recent line of work on the
smoothed analysis of the greedy algorithm that always chooses the action that
currently looks optimal, improving on prior results to show that a greedy
approach almost matches the best possible Bayesian regret rate of any other
algorithm on the same problem instance whenever the diversity conditions hold,
and that this regret is at most $\tilde{O}(T^{1/3})$. Returning to group-level
effects, we show that under the same conditions, negative group externalities
essentially vanish under the greedy algorithm. Together, our results uncover a
sharp contrast between the high externalities that exist in the worst case, and
the ability to remove all externalities if the data is sufficiently diverse.
|
A Fast and Scalable Joint Estimator for Integrating Additional Knowledge
in Learning Multiple Related Sparse Gaussian Graphical Models
|
We consider the problem of including additional knowledge in estimating
sparse Gaussian graphical models (sGGMs) from aggregated samples, arising often
in bioinformatics and neuroimaging applications. Previous joint sGGM estimators
either fail to use existing knowledge or cannot scale-up to many tasks (large
$K$) under a high-dimensional (large $p$) situation. In this paper, we propose
a novel \underline{J}oint \underline{E}lementary \underline{E}stimator
incorporating additional \underline{K}nowledge (JEEK) to infer multiple related
sparse Gaussian Graphical models from large-scale heterogeneous data. Using
domain knowledge as weights, we design a novel hybrid norm as the minimization
objective to enforce the superposition of two weighted sparsity constraints,
one on the shared interactions and the other on the task-specific structural
patterns. This enables JEEK to elegantly consider various forms of existing
knowledge based on the domain at hand and avoid the need to design
knowledge-specific optimization. JEEK is solved through a fast and entry-wise
parallelizable solution that largely improves the computational efficiency of
the state-of-the-art $O(p^5K^4)$ to $O(p^2K^4)$. We conduct a rigorous
statistical analysis showing that JEEK achieves the same convergence rate
$O(\log(Kp)/n_{tot})$ as the state-of-the-art estimators that are much harder
to compute. Empirically, on multiple synthetic datasets and two real-world
data, JEEK outperforms the speed of the state-of-arts significantly while
achieving the same level of prediction accuracy. Available as R tool @
http://jointnets.org/
|
Intrinsic Isometric Manifold Learning with Application to Localization
|
Data living on manifolds commonly appear in many applications. Often this
results from an inherently latent low-dimensional system being observed through
higher dimensional measurements. We show that under certain conditions, it is
possible to construct an intrinsic and isometric data representation, which
respects an underlying latent intrinsic geometry. Namely, we view the observed
data only as a proxy and learn the structure of a latent unobserved intrinsic
manifold, whereas common practice is to learn the manifold of the observed
data. For this purpose, we build a new metric and propose a method for its
robust estimation by assuming mild statistical priors and by using artificial
neural networks as a mechanism for metric regularization and parametrization.
We show successful application to unsupervised indoor localization in ad-hoc
sensor networks. Specifically, we show that our proposed method facilitates
accurate localization of a moving agent from imaging data it collects.
Importantly, our method is applied in the same way to two different imaging
modalities, thereby demonstrating its intrinsic and modality-invariant
capabilities.
|
Variable Selection for Nonparametric Learning with Power Series Kernels
|
In this paper, we propose a variable selection method for general
nonparametric kernel-based estimation. The proposed method consists of
two-stage estimation: (1) construct a consistent estimator of the target
function, (2) approximate the estimator using a few variables by l1-type
penalized estimation. We see that the proposed method can be applied to various
kernel nonparametric estimation such as kernel ridge regression, kernel-based
density and density-ratio estimation. We prove that the proposed method has the
property of the variable selection consistency when the power series kernel is
used. This result is regarded as an extension of the variable selection
consistency for the non-negative garrote to the kernel-based estimators.
Several experiments including simulation studies and real data applications
show the effectiveness of the proposed method.
|
Autoencoders Learn Generative Linear Models
|
We provide a series of results for unsupervised learning with autoencoders.
Specifically, we study shallow two-layer autoencoder architectures with shared
weights. We focus on three generative models for data that are common in
statistical machine learning: (i) the mixture-of-gaussians model, (ii) the
sparse coding model, and (iii) the sparsity model with non-negative
coefficients. For each of these models, we prove that under suitable choices of
hyperparameters, architectures, and initialization, autoencoders learned by
gradient descent can successfully recover the parameters of the corresponding
model. To our knowledge, this is the first result that rigorously studies the
dynamics of gradient descent for weight-sharing autoencoders. Our analysis can
be viewed as theoretical evidence that shallow autoencoder modules indeed can
be used as feature learning mechanisms for a variety of data models, and may
shed insight on how to train larger stacked architectures with autoencoders as
basic building blocks.
|
Detecting Adversarial Examples via Key-based Network
|
Though deep neural networks have achieved state-of-the-art performance in
visual classification, recent studies have shown that they are all vulnerable
to the attack of adversarial examples. Small and often imperceptible
perturbations to the input images are sufficient to fool the most powerful deep
neural networks. Various defense methods have been proposed to address this
issue. However, they either require knowledge on the process of generating
adversarial examples, or are not robust against new attacks specifically
designed to penetrate the existing defense. In this work, we introduce
key-based network, a new detection-based defense mechanism to distinguish
adversarial examples from normal ones based on error correcting output codes,
using the binary code vectors produced by multiple binary classifiers applied
to randomly chosen label-sets as signatures to match normal images and reject
adversarial examples. In contrast to existing defense methods, the proposed
method does not require knowledge of the process for generating adversarial
examples and can be applied to defend against different types of attacks. For
the practical black-box and gray-box scenarios, where the attacker does not
know the encoding scheme, we show empirically that key-based network can
effectively detect adversarial examples generated by several state-of-the-art
attacks.
|
Federated Learning with Non-IID Data
|
Federated learning enables resource-constrained edge compute devices, such as
mobile phones and IoT devices, to learn a shared model for prediction, while
keeping the training data local. This decentralized approach to train models
provides privacy, security, regulatory and economic benefits. In this work, we
focus on the statistical challenge of federated learning when local data is
non-IID. We first show that the accuracy of federated learning reduces
significantly, by up to 55% for neural networks trained for highly skewed
non-IID data, where each client device trains only on a single class of data.
We further show that this accuracy reduction can be explained by the weight
divergence, which can be quantified by the earth mover's distance (EMD) between
the distribution over classes on each device and the population distribution.
As a solution, we propose a strategy to improve training on non-IID data by
creating a small subset of data which is globally shared between all the edge
devices. Experiments show that accuracy can be increased by 30% for the
CIFAR-10 dataset with only 5% globally shared data.
|
Efficient Entropy for Policy Gradient with Multidimensional Action Space
|
In recent years, deep reinforcement learning has been shown to be adept at
solving sequential decision processes with high-dimensional state spaces such
as in the Atari games. Many reinforcement learning problems, however, involve
high-dimensional discrete action spaces as well as high-dimensional state
spaces. This paper considers entropy bonus, which is used to encourage
exploration in policy gradient. In the case of high-dimensional action spaces,
calculating the entropy and its gradient requires enumerating all the actions
in the action space and running forward and backpropagation for each action,
which may be computationally infeasible. We develop several novel unbiased
estimators for the entropy bonus and its gradient. We apply these estimators to
several models for the parameterized policies, including Independent Sampling,
CommNet, Autoregressive with Modified MDP, and Autoregressive with LSTM.
Finally, we test our algorithms on two environments: a multi-hunter
multi-rabbit grid game and a multi-agent multi-arm bandit problem. The results
show that our entropy estimators substantially improve performance with
marginal additional computational cost.
|
GamePad: A Learning Environment for Theorem Proving
|
In this paper, we introduce a system called GamePad that can be used to
explore the application of machine learning methods to theorem proving in the
Coq proof assistant. Interactive theorem provers such as Coq enable users to
construct machine-checkable proofs in a step-by-step manner. Hence, they
provide an opportunity to explore theorem proving with human supervision. We
use GamePad to synthesize proofs for a simple algebraic rewrite problem and
train baseline models for a formalization of the Feit-Thompson theorem. We
address position evaluation (i.e., predict the number of proof steps left) and
tactic prediction (i.e., predict the next proof step) tasks, which arise
naturally in tactic-based theorem proving.
|
A Novel Framework for Recurrent Neural Networks with Enhancing
Information Processing and Transmission between Units
|
This paper proposes a novel framework for recurrent neural networks (RNNs)
inspired by the human memory models in the field of cognitive neuroscience to
enhance information processing and transmission between adjacent RNNs' units.
The proposed framework for RNNs consists of three stages that is working
memory, forget, and long-term store. The first stage includes taking input data
into sensory memory and transferring it to working memory for preliminary
treatment. And the second stage mainly focuses on proactively forgetting the
secondary information rather than the primary in the working memory. And
finally, we get the long-term store normally using some kind of RNN's unit. Our
framework, which is generalized and simple, is evaluated on 6 datasets which
fall into 3 different tasks, corresponding to text classification, image
classification and language modelling. Experiments reveal that our framework
can obviously improve the performance of traditional recurrent neural networks.
And exploratory task shows the ability of our framework of correctly forgetting
the secondary information.
|
DAQN: Deep Auto-encoder and Q-Network
|
The deep reinforcement learning method usually requires a large number of
training images and executing actions to obtain sufficient results. When it is
extended a real-task in the real environment with an actual robot, the method
will be required more training images due to complexities or noises of the
input images, and executing a lot of actions on the real robot also becomes a
serious problem. Therefore, we propose an extended deep reinforcement learning
method that is applied a generative model to initialize the network for
reducing the number of training trials. In this paper, we used a deep q-network
method as the deep reinforcement learning method and a deep auto-encoder as the
generative model. We conducted experiments on three different tasks: a
cart-pole game, an atari game, and a real-game with an actual robot. The
proposed method trained efficiently on all tasks than the previous method,
especially 2.5 times faster on a task with real environment images.
|
Binary Classification with Karmic, Threshold-Quasi-Concave Metrics
|
Complex performance measures, beyond the popular measure of accuracy, are
increasingly being used in the context of binary classification. These complex
performance measures are typically not even decomposable, that is, the loss
evaluated on a batch of samples cannot typically be expressed as a sum or
average of losses evaluated at individual samples, which in turn requires new
theoretical and methodological developments beyond standard treatments of
supervised learning. In this paper, we advance this understanding of binary
classification for complex performance measures by identifying two key
properties: a so-called Karmic property, and a more technical
threshold-quasi-concavity property, which we show is milder than existing
structural assumptions imposed on performance measures. Under these properties,
we show that the Bayes optimal classifier is a threshold function of the
conditional probability of positive class. We then leverage this result to come
up with a computationally practical plug-in classifier, via a novel threshold
estimator, and further, provide a novel statistical analysis of classification
error with respect to complex performance measures.
|
Signal and Noise Statistics Oblivious Orthogonal Matching Pursuit
|
Orthogonal matching pursuit (OMP) is a widely used algorithm for recovering
sparse high dimensional vectors in linear regression models. The optimal
performance of OMP requires \textit{a priori} knowledge of either the sparsity
of regression vector or noise statistics. Both these statistics are rarely
known \textit{a priori} and are very difficult to estimate. In this paper, we
present a novel technique called residual ratio thresholding (RRT) to operate
OMP without any \textit{a priori} knowledge of sparsity and noise statistics
and establish finite sample and large sample support recovery guarantees for
the same. Both analytical results and numerical simulations in real and
synthetic data sets indicate that RRT has a performance comparable to OMP with
\textit{a priori} knowledge of sparsity and noise statistics.
|
Scraping and Preprocessing Commercial Auction Data for Fraud
Classification
|
In the last three decades, we have seen a significant increase in trading
goods and services through online auctions. However, this business created an
attractive environment for malicious moneymakers who can commit different types
of fraud activities, such as Shill Bidding (SB). The latter is predominant
across many auctions but this type of fraud is difficult to detect due to its
similarity to normal bidding behaviour. The unavailability of SB datasets makes
the development of SB detection and classification models burdensome.
Furthermore, to implement efficient SB detection models, we should produce SB
data from actual auctions of commercial sites. In this study, we first scraped
a large number of eBay auctions of a popular product. After preprocessing the
raw auction data, we build a high-quality SB dataset based on the most reliable
SB strategies. The aim of our research is to share the preprocessed auction
dataset as well as the SB training (unlabelled) dataset, thereby researchers
can apply various machine learning techniques by using authentic data of
auctions and fraud.
|
Locally Interpretable Models and Effects based on Supervised
Partitioning (LIME-SUP)
|
Supervised Machine Learning (SML) algorithms such as Gradient Boosting,
Random Forest, and Neural Networks have become popular in recent years due to
their increased predictive performance over traditional statistical methods.
This is especially true with large data sets (millions or more observations and
hundreds to thousands of predictors). However, the complexity of the SML models
makes them opaque and hard to interpret without additional tools. There has
been a lot of interest recently in developing global and local diagnostics for
interpreting and explaining SML models. In this paper, we propose locally
interpretable models and effects based on supervised partitioning (trees)
referred to as LIME-SUP. This is in contrast with the KLIME approach that is
based on clustering the predictor space. We describe LIME-SUP based on fitting
trees to the fitted response (LIM-SUP-R) as well as the derivatives of the
fitted response (LIME-SUP-D). We compare the results with KLIME and describe
its advantages using simulation and real data.
|
Sufficient Conditions for Idealised Models to Have No Adversarial
Examples: a Theoretical and Empirical Study with Bayesian Neural Networks
|
We prove, under two sufficient conditions, that idealised models can have no
adversarial examples. We discuss which idealised models satisfy our conditions,
and show that idealised Bayesian neural networks (BNNs) satisfy these. We
continue by studying near-idealised BNNs using HMC inference, demonstrating the
theoretical ideas in practice. We experiment with HMC on synthetic data derived
from MNIST for which we know the ground-truth image density, showing that
near-perfect epistemic uncertainty correlates to density under image manifold,
and that adversarial images lie off the manifold in our setting. This suggests
why MC dropout, which can be seen as performing approximate inference, has been
observed to be an effective defence against adversarial examples in practice;
We highlight failure-cases of non-idealised BNNs relying on dropout, suggesting
a new attack for dropout models and a new defence as well. Lastly, we
demonstrate the defence on a cats-vs-dogs image classification task with a
VGG13 variant.
|
Optimal Clustering under Uncertainty
|
Classical clustering algorithms typically either lack an underlying
probability framework to make them predictive or focus on parameter estimation
rather than defining and minimizing a notion of error. Recent work addresses
these issues by developing a probabilistic framework based on the theory of
random labeled point processes and characterizing a Bayes clusterer that
minimizes the number of misclustered points. The Bayes clusterer is analogous
to the Bayes classifier. Whereas determining a Bayes classifier requires full
knowledge of the feature-label distribution, deriving a Bayes clusterer
requires full knowledge of the point process. When uncertain of the point
process, one would like to find a robust clusterer that is optimal over the
uncertainty, just as one may find optimal robust classifiers with uncertain
feature-label distributions. Herein, we derive an optimal robust clusterer by
first finding an effective random point process that incorporates all
randomness within its own probabilistic structure and from which a Bayes
clusterer can be derived that provides an optimal robust clusterer relative to
the uncertainty. This is analogous to the use of effective class-conditional
distributions in robust classification. After evaluating the performance of
robust clusterers in synthetic mixtures of Gaussians models, we apply the
framework to granular imaging, where we make use of the asymptotic
granulometric moment theory for granular images to relate robust clustering
theory to the application.
|
Nonlocal Neural Networks, Nonlocal Diffusion and Nonlocal Modeling
|
Nonlocal neural networks have been proposed and shown to be effective in
several computer vision tasks, where the nonlocal operations can directly
capture long-range dependencies in the feature space. In this paper, we study
the nature of diffusion and damping effect of nonlocal networks by doing
spectrum analysis on the weight matrices of the well-trained networks, and then
propose a new formulation of the nonlocal block. The new block not only learns
the nonlocal interactions but also has stable dynamics, thus allowing deeper
nonlocal structures. Moreover, we interpret our formulation from the general
nonlocal modeling perspective, where we make connections between the proposed
nonlocal network and other nonlocal models, such as nonlocal diffusion process
and Markov jump process.
|
Hierarchical Attention-Based Recurrent Highway Networks for Time Series
Prediction
|
Time series prediction has been studied in a variety of domains. However, it
is still challenging to predict future series given historical observations and
past exogenous data. Existing methods either fail to consider the interactions
among different components of exogenous variables which may affect the
prediction accuracy, or cannot model the correlations between exogenous data
and target data. Besides, the inherent temporal dynamics of exogenous data are
also related to the target series prediction, and thus should be considered as
well. To address these issues, we propose an end-to-end deep learning model,
i.e., Hierarchical attention-based Recurrent Highway Network (HRHN), which
incorporates spatio-temporal feature extraction of exogenous variables and
temporal dynamics modeling of target variables into a single framework.
Moreover, by introducing the hierarchical attention mechanism, HRHN can
adaptively select the relevant exogenous features in different semantic levels.
We carry out comprehensive empirical evaluations with various methods over
several datasets, and show that HRHN outperforms the state of the arts in time
series prediction, especially in capturing sudden changes and sudden
oscillations of time series.
|
On Multi-Layer Basis Pursuit, Efficient Algorithms and Convolutional
Neural Networks
|
Parsimonious representations are ubiquitous in modeling and processing
information. Motivated by the recent Multi-Layer Convolutional Sparse Coding
(ML-CSC) model, we herein generalize the traditional Basis Pursuit problem to a
multi-layer setting, introducing similar sparse enforcing penalties at
different representation layers in a symbiotic relation between synthesis and
analysis sparse priors. We explore different iterative methods to solve this
new problem in practice, and we propose a new Multi-Layer Iterative Soft
Thresholding Algorithm (ML-ISTA), as well as a fast version (ML-FISTA). We show
that these nested first order algorithms converge, in the sense that the
function value of near-fixed points can get arbitrarily close to the solution
of the original problem.
We further show how these algorithms effectively implement particular
recurrent convolutional neural networks (CNNs) that generalize feed-forward
ones without introducing any parameters. We present and analyze different
architectures resulting unfolding the iterations of the proposed pursuit
algorithms, including a new Learned ML-ISTA, providing a principled way to
construct deep recurrent CNNs. Unlike other similar constructions, these
architectures unfold a global pursuit holistically for the entire network. We
demonstrate the emerging constructions in a supervised learning setting,
consistently improving the performance of classical CNNs while maintaining the
number of parameters constant.
|
Learning and Generalizing Motion Primitives from Driving Data for
Path-Tracking Applications
|
Considering the driving habits which are learned from the naturalistic
driving data in the path-tracking system can significantly improve the
acceptance of intelligent vehicles. Therefore, the goal of this paper is to
generate the prediction results of lateral commands with confidence regions
according to the reference based on the learned motion primitives. We present a
two-level structure for learning and generalizing motion primitives through
demonstrations. The lower-level motion primitives are generated under the path
segmentation and clustering layer in the upper-level. The Gaussian Mixture
Model(GMM) is utilized to represent the primitives and Gaussian Mixture
Regression (GMR) is selected to generalize the motion primitives. We show how
the upper-level can help to improve the prediction accuracy and evaluate the
influence of different time scales and the number of Gaussian components. The
model is trained and validated by using the driving data collected from the
Beijing Institute of Technology (BIT) intelligent vehicle platform. Experiment
results show that the proposed method can extract the motion primitives from
the driving data and predict the future lateral control commands with high
accuracy.
|
Generalized Robust Bayesian Committee Machine for Large-scale Gaussian
Process Regression
|
In order to scale standard Gaussian process (GP) regression to large-scale
datasets, aggregation models employ factorized training process and then
combine predictions from distributed experts. The state-of-the-art aggregation
models, however, either provide inconsistent predictions or require
time-consuming aggregation process. We first prove the inconsistency of typical
aggregations using disjoint or random data partition, and then present a
consistent yet efficient aggregation model for large-scale GP. The proposed
model inherits the advantages of aggregations, e.g., closed-form inference and
aggregation, parallelization and distributed computing. Furthermore,
theoretical and empirical analyses reveal that the new aggregation model
performs better due to the consistent predictions that converge to the true
underlying function when the training size approaches infinity.
|
Data-Free/Data-Sparse Softmax Parameter Estimation with Structured Class
Geometries
|
This note considers softmax parameter estimation when little/no labeled
training data is available, but a priori information about the relative
geometry of class label log-odds boundaries is available. It is shown that
`data-free' softmax model synthesis corresponds to solving a linear system of
parameter equations, wherein desired dominant class log-odds boundaries are
encoded via convex polytopes that decompose the input feature space. When
solvable, the linear equations yield closed-form softmax parameter solution
families using class boundary polytope specifications only. This allows softmax
parameter learning to be implemented without expensive brute force data
sampling and numerical optimization. The linear equations can also be adapted
to constrained maximum likelihood estimation in data-sparse settings. Since
solutions may also fail to exist for the linear parameter equations derived
from certain polytope specifications, it is thus also shown that there exist
probabilistic classification problems over m convexly separable classes for
which the log-odds boundaries cannot be learned using an m-class softmax model.
|
Minnorm training: an algorithm for training over-parameterized deep
neural networks
|
In this work, we propose a new training method for finding minimum weight
norm solutions in over-parameterized neural networks (NNs). This method seeks
to improve training speed and generalization performance by framing NN training
as a constrained optimization problem wherein the sum of the norm of the
weights in each layer of the network is minimized, under the constraint of
exactly fitting training data. It draws inspiration from support vector
machines (SVMs), which are able to generalize well, despite often having an
infinite number of free parameters in their primal form, and from recent
theoretical generalization bounds on NNs which suggest that lower norm
solutions generalize better. To solve this constrained optimization problem,
our method employs Lagrange multipliers that act as integrators of error over
training and identify `support vector'-like examples. The method can be
implemented as a wrapper around gradient based methods and uses standard
back-propagation of gradients from the NN for both regression and
classification versions of the algorithm. We provide theoretical justifications
for the effectiveness of this algorithm in comparison to early stopping and
$L_2$-regularization using simple, analytically tractable settings. In
particular, we show faster convergence to the max-margin hyperplane in a
shallow network (compared to vanilla gradient descent); faster convergence to
the minimum-norm solution in a linear chain (compared to $L_2$-regularization);
and initialization-independent generalization performance in a deep linear
network. Finally, using the MNIST dataset, we demonstrate that this algorithm
can boost test accuracy and identify difficult examples in real-world datasets.
|
Contextualize, Show and Tell: A Neural Visual Storyteller
|
We present a neural model for generating short stories from image sequences,
which extends the image description model by Vinyals et al. (Vinyals et al.,
2015). This extension relies on an encoder LSTM to compute a context vector of
each story from the image sequence. This context vector is used as the first
state of multiple independent decoder LSTMs, each of which generates the
portion of the story corresponding to each image in the sequence by taking the
image embedding as the first input. Our model showed competitive results with
the METEOR metric and human ratings in the internal track of the Visual
Storytelling Challenge 2018.
|
Second-Order Asymptotically Optimal Statistical Classification
|
Motivated by real-world machine learning applications, we analyze
approximations to the non-asymptotic fundamental limits of statistical
classification. In the binary version of this problem, given two training
sequences generated according to two {\em unknown} distributions $P_1$ and
$P_2$, one is tasked to classify a test sequence which is known to be generated
according to either $P_1$ or $P_2$. This problem can be thought of as an
analogue of the binary hypothesis testing problem but in the present setting,
the generating distributions are unknown. Due to finite sample considerations,
we consider the second-order asymptotics (or dispersion-type) tradeoff between
type-I and type-II error probabilities for tests which ensure that (i) the
type-I error probability for {\em all} pairs of distributions decays
exponentially fast and (ii) the type-II error probability for a {\em
particular} pair of distributions is non-vanishing. We generalize our results
to classification of multiple hypotheses with the rejection option.
|
Dual-Primal Graph Convolutional Networks
|
In recent years, there has been a surge of interest in developing deep
learning methods for non-Euclidean structured data such as graphs. In this
paper, we propose Dual-Primal Graph CNN, a graph convolutional architecture
that alternates convolution-like operations on the graph and its dual. Our
approach allows to learn both vertex- and edge features and generalizes the
previous graph attention (GAT) model. We provide extensive experimental
validation showing state-of-the-art results on a variety of tasks tested on
established graph benchmarks, including CORA and Citeseer citation networks as
well as MovieLens, Flixter, Douban and Yahoo Music graph-guided recommender
systems.
|
Exploration in Structured Reinforcement Learning
|
We address reinforcement learning problems with finite state and action
spaces where the underlying MDP has some known structure that could be
potentially exploited to minimize the exploration rates of suboptimal (state,
action) pairs. For any arbitrary structure, we derive problem-specific regret
lower bounds satisfied by any learning algorithm. These lower bounds are made
explicit for unstructured MDPs and for those whose transition probabilities and
average reward functions are Lipschitz continuous w.r.t. the state and action.
For Lipschitz MDPs, the bounds are shown not to scale with the sizes $S$ and
$A$ of the state and action spaces, i.e., they are smaller than $c\log T$ where
$T$ is the time horizon and the constant $c$ only depends on the Lipschitz
structure, the span of the bias function, and the minimal action sub-optimality
gap. This contrasts with unstructured MDPs where the regret lower bound
typically scales as $SA\log T$. We devise DEL (Directed Exploration Learning),
an algorithm that matches our regret lower bounds. We further simplify the
algorithm for Lipschitz MDPs, and show that the simplified version is still
able to efficiently exploit the structure.
|
NAM: Non-Adversarial Unsupervised Domain Mapping
|
Several methods were recently proposed for the task of translating images
between domains without prior knowledge in the form of correspondences. The
existing methods apply adversarial learning to ensure that the distribution of
the mapped source domain is indistinguishable from the target domain, which
suffers from known stability issues. In addition, most methods rely heavily on
`cycle' relationships between the domains, which enforce a one-to-one mapping.
In this work, we introduce an alternative method: Non-Adversarial Mapping
(NAM), which separates the task of target domain generative modeling from the
cross-domain mapping task. NAM relies on a pre-trained generative model of the
target domain, and aligns each source image with an image synthesized from the
target domain, while jointly optimizing the domain mapping function. It has
several key advantages: higher quality and resolution image translations,
simpler and more stable training and reusable target models. Extensive
experiments are presented validating the advantages of our method.
|
k-Space Deep Learning for Parallel MRI: Application to Time-Resolved MR
Angiography
|
Time-resolved angiography with interleaved stochastic trajectories (TWIST)
has been widely used for dynamic contrast enhanced MRI (DCE-MRI). To achieve
highly accelerated acquisitions, TWIST combines the periphery of the k-space
data from several adjacent frames to reconstruct one temporal frame. However,
this view-sharing scheme limits the true temporal resolution of TWIST.
Moreover, the k-space sampling patterns have been specially designed for a
specific generalized autocalibrating partial parallel acquisition (GRAPPA)
factor so that it is not possible to reduce the number of view-sharing once the
k-data is acquired. To address these issues, this paper proposes a novel
k-space deep learning approach for parallel MRI. In particular, we have
designed our neural network so that accurate k-space interpolations are
performed simultaneously for multiple coils by exploiting the redundancies
along the coils and images. Reconstruction results using in vivo TWIST data set
confirm that the proposed method can immediately generate high-quality
reconstruction results with various choices of view- sharing, allowing us to
exploit the trade-off between spatial and temporal resolution in time-resolved
MR angiography.
|
Causal Inference with Noisy and Missing Covariates via Matrix
Factorization
|
Valid causal inference in observational studies often requires controlling
for confounders. However, in practice measurements of confounders may be noisy,
and can lead to biased estimates of causal effects. We show that we can reduce
the bias caused by measurement noise using a large number of noisy measurements
of the underlying confounders. We propose the use of matrix factorization to
infer the confounders from noisy covariates, a flexible and principled
framework that adapts to missing values, accommodates a wide variety of data
types, and can augment many causal inference methods. We bound the error for
the induced average treatment effect estimator and show it is consistent in a
linear regression setting, using Exponential Family Matrix Completion
preprocessing. We demonstrate the effectiveness of the proposed procedure in
numerical experiments with both synthetic data and real clinical data.
|
Analysis of regularized Nystr\"om subsampling for regression functions
of low smoothness
|
This paper studies a Nystr\"om type subsampling approach to large kernel
learning methods in the misspecified case, where the target function is not
assumed to belong to the reproducing kernel Hilbert space generated by the
underlying kernel. This case is less understood, in spite of its practical
importance. To model such a case, the smoothness of target functions is
described in terms of general source conditions. It is surprising that almost
for the whole range of the source conditions, describing the misspecified case,
the corresponding learning rate bounds can be achieved with just one value of
the regularization parameter. This observation allows a formulation of mild
conditions under which the plain Nystr\"om subsampling can be realized with
subquadratic cost maintaining the guaranteed learning rates.
|
Learning graphs from data: A signal representation perspective
|
The construction of a meaningful graph topology plays a crucial role in the
effective representation, processing, analysis and visualization of structured
data. When a natural choice of the graph is not readily available from the data
sets, it is thus desirable to infer or learn a graph topology from the data. In
this tutorial overview, we survey solutions to the problem of graph learning,
including classical viewpoints from statistics and physics, and more recent
approaches that adopt a graph signal processing (GSP) perspective. We further
emphasize the conceptual similarities and differences between classical and
GSP-based graph inference methods, and highlight the potential advantage of the
latter in a number of theoretical and practical scenarios. We conclude with
several open issues and challenges that are keys to the design of future signal
processing and machine learning algorithms for learning graphs from data.
|
On the Importance of Attention in Meta-Learning for Few-Shot Text
Classification
|
Current deep learning based text classification methods are limited by their
ability to achieve fast learning and generalization when the data is scarce. We
address this problem by integrating a meta-learning procedure that uses the
knowledge learned across many tasks as an inductive bias towards better natural
language understanding. Based on the Model-Agnostic Meta-Learning framework
(MAML), we introduce the Attentive Task-Agnostic Meta-Learning (ATAML)
algorithm for text classification. The essential difference between MAML and
ATAML is in the separation of task-agnostic representation learning and
task-specific attentive adaptation. The proposed ATAML is designed to encourage
task-agnostic representation learning by way of task-agnostic parameterization
and facilitate task-specific adaptation via attention mechanisms. We provide
evidence to show that the attention mechanism in ATAML has a synergistic effect
on learning performance. In comparisons with models trained from random
initialization, pretrained models and meta trained MAML, our proposed ATAML
method generalizes better on single-label and multi-label classification tasks
in miniRCV1 and miniReuters-21578 datasets.
|
Deploying Customized Data Representation and Approximate Computing in
Machine Learning Applications
|
Major advancements in building general-purpose and customized hardware have
been one of the key enablers of versatility and pervasiveness of machine
learning models such as deep neural networks. To sustain this ubiquitous
deployment of machine learning models and cope with their computational and
storage complexity, several solutions such as low-precision representation of
model parameters using fixed-point representation and deploying approximate
arithmetic operations have been employed. Studying the potency of such
solutions in different applications requires integrating them into existing
machine learning frameworks for high-level simulations as well as implementing
them in hardware to analyze their effects on power/energy dissipation,
throughput, and chip area. Lop is a library for design space exploration that
bridges the gap between machine learning and efficient hardware realization. It
comprises a Python module, which can be integrated with some of the existing
machine learning frameworks and implements various customizable data
representations including fixed-point and floating-point as well as approximate
arithmetic operations.Furthermore, it includes a highly-parameterized Scala
module, which allows synthesizing hardware based on the said data
representations and arithmetic operations. Lop allows researchers and designers
to quickly compare quality of their models using various data representations
and arithmetic operations in Python and contrast the hardware cost of viable
representations by synthesizing them on their target platforms (e.g., FPGA or
ASIC). To the best of our knowledge, Lop is the first library that allows both
software simulation and hardware realization using customized data
representations and approximate computing techniques.
|
Multi-Agent Reinforcement Learning via Double Averaging Primal-Dual
Optimization
|
Despite the success of single-agent reinforcement learning, multi-agent
reinforcement learning (MARL) remains challenging due to complex interactions
between agents. Motivated by decentralized applications such as sensor
networks, swarm robotics, and power grids, we study policy evaluation in MARL,
where agents with jointly observed state-action pairs and private local rewards
collaborate to learn the value of a given policy. In this paper, we propose a
double averaging scheme, where each agent iteratively performs averaging over
both space and time to incorporate neighboring gradient information and local
reward information, respectively. We prove that the proposed algorithm
converges to the optimal solution at a global geometric rate. In particular,
such an algorithm is built upon a primal-dual reformulation of the mean squared
projected Bellman error minimization problem, which gives rise to a
decentralized convex-concave saddle-point problem. To the best of our
knowledge, the proposed double averaging primal-dual optimization algorithm is
the first to achieve fast finite-time convergence on decentralized
convex-concave saddle-point problems.
|
Disconnected Manifold Learning for Generative Adversarial Networks
|
Natural images may lie on a union of disjoint manifolds rather than one
globally connected manifold, and this can cause several difficulties for the
training of common Generative Adversarial Networks (GANs). In this work, we
first show that single generator GANs are unable to correctly model a
distribution supported on a disconnected manifold, and investigate how sample
quality, mode dropping and local convergence are affected by this. Next, we
show how using a collection of generators can address this problem, providing
new insights into the success of such multi-generator GANs. Finally, we explain
the serious issues caused by considering a fixed prior over the collection of
generators and propose a novel approach for learning the prior and inferring
the necessary number of generators without any supervision. Our proposed
modifications can be applied on top of any other GAN model to enable learning
of distributions supported on disconnected manifolds. We conduct several
experiments to illustrate the aforementioned shortcoming of GANs, its
consequences in practice, and the effectiveness of our proposed modifications
in alleviating these issues.
|
Conservative Exploration using Interleaving
|
In many practical problems, a learning agent may want to learn the best
action in hindsight without ever taking a bad action, which is significantly
worse than the default production action. In general, this is impossible
because the agent has to explore unknown actions, some of which can be bad, to
learn better actions. However, when the actions are combinatorial, this may be
possible if the unknown action can be evaluated by interleaving it with the
production action. We formalize this concept as learning in stochastic
combinatorial semi-bandits with exchangeable actions. We design efficient
learning algorithms for this problem, bound their n-step regret, and evaluate
them on both synthetic and real-world problems. Our real-world experiments show
that our algorithms can learn to recommend K most attractive movies without
ever violating a strict production constraint, both overall and subject to a
diversity constraint.
|
Algorithmic Regularization in Learning Deep Homogeneous Models: Layers
are Automatically Balanced
|
We study the implicit regularization imposed by gradient descent for learning
multi-layer homogeneous functions including feed-forward fully connected and
convolutional deep neural networks with linear, ReLU or Leaky ReLU activation.
We rigorously prove that gradient flow (i.e. gradient descent with
infinitesimal step size) effectively enforces the differences between squared
norms across different layers to remain invariant without any explicit
regularization. This result implies that if the weights are initially small,
gradient flow automatically balances the magnitudes of all layers. Using a
discretization argument, we analyze gradient descent with positive step size
for the non-convex low-rank asymmetric matrix factorization problem without any
regularization. Inspired by our findings for gradient flow, we prove that
gradient descent with step sizes $\eta_t = O\left(t^{-\left(
\frac12+\delta\right)} \right)$ ($0<\delta\le\frac12$) automatically balances
two low-rank factors and converges to a bounded global optimum. Furthermore,
for rank-$1$ asymmetric matrix factorization we give a finer analysis showing
gradient descent with constant step size converges to the global minimum at a
globally linear rate. We believe that the idea of examining the invariance
imposed by first order algorithms in learning homogeneous models could serve as
a fundamental building block for studying optimization for learning deep
models.
|
How Much Are You Willing to Share? A "Poker-Styled" Selective Privacy
Preserving Framework for Recommender Systems
|
Most industrial recommender systems rely on the popular collaborative
filtering (CF) technique for providing personalized recommendations to its
users. However, the very nature of CF is adversarial to the idea of user
privacy, because users need to share their preferences with others in order to
be grouped with like-minded people and receive accurate recommendations. While
previous privacy preserving approaches have been successful inasmuch as they
concealed user preference information to some extent from a centralized
recommender system, they have also, nevertheless, incurred significant
trade-offs in terms of privacy, scalability, and accuracy. They are also
vulnerable to privacy breaches by malicious actors. In light of these
observations, we propose a novel selective privacy preserving (SP2) paradigm
that allows users to custom define the scope and extent of their individual
privacies, by marking their personal ratings as either public (which can be
shared) or private (which are never shared and stored only on the user device).
Our SP2 framework works in two steps: (i) First, it builds an initial
recommendation model based on the sum of all public ratings that have been
shared by users and (ii) then, this public model is fine-tuned on each user's
device based on the user private ratings, thus eventually learning a more
accurate model. Furthermore, in this work, we introduce three different
algorithms for implementing an end-to-end SP2 framework that can scale
effectively from thousands to hundreds of millions of items. Our user survey
shows that an overwhelming fraction of users are likely to rate much more items
to improve the overall recommendations when they can control what ratings will
be publicly shared with others.
|
Adversarial confidence and smoothness regularizations for scalable
unsupervised discriminative learning
|
In this paper, we consider a generic probabilistic discriminative learner
from the functional viewpoint and argue that, to make it learn well, it is
necessary to constrain its hypothesis space to a set of non-trivial piecewise
constant functions. To achieve this goal, we present a scalable unsupervised
regularization framework. On the theoretical front, we prove that this
framework is conducive to a factually confident and smooth discriminative model
and connect it to an adversarial Taboo game, spectral clustering and virtual
adversarial training. Experimentally, we take deep neural networks as our
learners and demonstrate that, when trained under our framework in the
unsupervised setting, they not only achieve state-of-the-art clustering results
but also generalize well on both synthetic and real data.
|
Holographic Neural Architectures
|
Representation learning is at the heart of what makes deep learning
effective. In this work, we introduce a new framework for representation
learning that we call "Holographic Neural Architectures" (HNAs). In the same
way that an observer can experience the 3D structure of a holographed object by
looking at its hologram from several angles, HNAs derive Holographic
Representations from the training set. These representations can then be
explored by moving along a continuous bounded single dimension. We show that
HNAs can be used to make generative networks, state-of-the-art regression
models and that they are inherently highly resistant to noise. Finally, we
argue that because of their denoising abilities and their capacity to
generalize well from very few examples, models based upon HNAs are particularly
well suited for biological applications where training examples are rare or
noisy.
|
Lagrange Coded Computing: Optimal Design for Resiliency, Security and
Privacy
|
We consider a scenario involving computations over a massive dataset stored
distributedly across multiple workers, which is at the core of distributed
learning algorithms. We propose Lagrange Coded Computing (LCC), a new framework
to simultaneously provide (1) resiliency against stragglers that may prolong
computations; (2) security against Byzantine (or malicious) workers that
deliberately modify the computation for their benefit; and (3)
(information-theoretic) privacy of the dataset amidst possible collusion of
workers. LCC, which leverages the well-known Lagrange polynomial to create
computation redundancy in a novel coded form across workers, can be applied to
any computation scenario in which the function of interest is an arbitrary
multivariate polynomial of the input dataset, hence covering many computations
of interest in machine learning. LCC significantly generalizes prior works to
go beyond linear computations. It also enables secure and private computing in
distributed settings, improving the computation and communication efficiency of
the state-of-the-art. Furthermore, we prove the optimality of LCC by showing
that it achieves the optimal tradeoff between resiliency, security, and
privacy, i.e., in terms of tolerating the maximum number of stragglers and
adversaries, and providing data privacy against the maximum number of colluding
workers. Finally, we show via experiments on Amazon EC2 that LCC speeds up the
conventional uncoded implementation of distributed least-squares linear
regression by up to $13.43\times$, and also achieves a
$2.36\times$-$12.65\times$ speedup over the state-of-the-art straggler
mitigation strategies.
|
Private PAC learning implies finite Littlestone dimension
|
We show that every approximately differentially private learning algorithm
(possibly improper) for a class $H$ with Littlestone dimension~$d$ requires
$\Omega\bigl(\log^*(d)\bigr)$ examples. As a corollary it follows that the
class of thresholds over $\mathbb{N}$ can not be learned in a private manner;
this resolves open question due to [Bun et al., 2015, Feldman and Xiao, 2015].
We leave as an open question whether every class with a finite Littlestone
dimension can be learned by an approximately differentially private algorithm.
|
Stochastic Gradient/Mirror Descent: Minimax Optimality and Implicit
Regularization
|
Stochastic descent methods (of the gradient and mirror varieties) have become
increasingly popular in optimization. In fact, it is now widely recognized that
the success of deep learning is not only due to the special deep architecture
of the models, but also due to the behavior of the stochastic descent methods
used, which play a key role in reaching "good" solutions that generalize well
to unseen data. In an attempt to shed some light on why this is the case, we
revisit some minimax properties of stochastic gradient descent (SGD) for the
square loss of linear models---originally developed in the 1990's---and extend
them to general stochastic mirror descent (SMD) algorithms for general loss
functions and nonlinear models. In particular, we show that there is a
fundamental identity which holds for SMD (and SGD) under very general
conditions, and which implies the minimax optimality of SMD (and SGD) for
sufficiently small step size, and for a general class of loss functions and
general nonlinear models. We further show that this identity can be used to
naturally establish other properties of SMD (and SGD), namely convergence and
implicit regularization for over-parameterized linear models (in what is now
being called the "interpolating regime"), some of which have been shown in
certain cases in prior literature. We also argue how this identity can be used
in the so-called "highly over-parameterized" nonlinear setting (where the
number of parameters far exceeds the number of data points) to provide insights
into why SMD (and SGD) may have similar convergence and implicit regularization
properties for deep learning.
|
Sequential Test for the Lowest Mean: From Thompson to Murphy Sampling
|
Learning the minimum/maximum mean among a finite set of distributions is a
fundamental sub-task in planning, game tree search and reinforcement learning.
We formalize this learning task as the problem of sequentially testing how the
minimum mean among a finite set of distributions compares to a given threshold.
We develop refined non-asymptotic lower bounds, which show that optimality
mandates very different sampling behavior for a low vs high true minimum. We
show that Thompson Sampling and the intuitive Lower Confidence Bounds policy
each nail only one of these cases. We develop a novel approach that we call
Murphy Sampling. Even though it entertains exclusively low true minima, we
prove that MS is optimal for both possibilities. We then design advanced
self-normalized deviation inequalities, fueling more aggressive stopping rules.
We complement our theoretical guarantees by experiments showing that MS works
best in practice.
|
Similarity encoding for learning with dirty categorical variables
|
For statistical learning, categorical variables in a table are usually
considered as discrete entities and encoded separately to feature vectors,
e.g., with one-hot encoding. "Dirty" non-curated data gives rise to categorical
variables with a very high cardinality but redundancy: several categories
reflect the same entity. In databases, this issue is typically solved with a
deduplication step. We show that a simple approach that exposes the redundancy
to the learning algorithm brings significant gains. We study a generalization
of one-hot encoding, similarity encoding, that builds feature vectors from
similarities across categories. We perform a thorough empirical validation on
non-curated tables, a problem seldom studied in machine learning. Results on
seven real-world datasets show that similarity encoding brings significant
gains in prediction in comparison with known encoding methods for categories or
strings, notably one-hot encoding and bag of character n-grams. We draw
practical recommendations for encoding dirty categories: 3-gram similarity
appears to be a good choice to capture morphological resemblance. For very
high-cardinality, dimensionality reduction significantly reduces the
computational cost with little loss in performance: random projections or
choosing a subset of prototype categories still outperforms classic encoding
approaches.
|
Automatic Clustering of a Network Protocol with Weakly-Supervised
Clustering
|
Abstraction is a fundamental part when learning behavioral models of systems.
Usually the process of abstraction is manually defined by domain experts. This
paper presents a method to perform automatic abstraction for network protocols.
In particular a weakly supervised clustering algorithm is used to build an
abstraction with a small vocabulary size for the widely used TLS protocol. To
show the effectiveness of the proposed method we compare the resultant abstract
messages to a manually constructed (reference) abstraction. With a small amount
of side-information in the form of a few labeled examples this method finds an
abstraction that matches the reference abstraction perfectly.
|
DNN-HMM based Speaker Adaptive Emotion Recognition using Proposed Epoch
and MFCC Features
|
Speech is produced when time varying vocal tract system is excited with time
varying excitation source. Therefore, the information present in a speech such
as message, emotion, language, speaker is due to the combined effect of both
excitation source and vocal tract system. However, there is very less
utilization of excitation source features to recognize emotion. In our earlier
work, we have proposed a novel method to extract glottal closure instants
(GCIs) known as epochs. In this paper, we have explored epoch features namely
instantaneous pitch, phase and strength of epochs for discriminating emotions.
We have combined the excitation source features and the well known
Male-frequency cepstral coefficient (MFCC) features to develop an emotion
recognition system with improved performance. DNN-HMM speaker adaptive models
have been developed using MFCC, epoch and combined features. IEMOCAP emotional
database has been used to evaluate the models. The average accuracy for emotion
recognition system when using MFCC and epoch features separately is 59.25% and
54.52% respectively. The recognition performance improves to 64.2% when MFCC
and epoch features are combined.
|
Distributed Learning from Interactions in Social Networks
|
We consider a network scenario in which agents can evaluate each other
according to a score graph that models some interactions. The goal is to design
a distributed protocol, run by the agents, that allows them to learn their
unknown state among a finite set of possible values. We propose a Bayesian
framework in which scores and states are associated to probabilistic events
with unknown parameters and hyperparameters, respectively. We show that each
agent can learn its state by means of a local Bayesian classifier and a
(centralized) Maximum-Likelihood (ML) estimator of parameter-hyperparameter
that combines plain ML and Empirical Bayes approaches. By using tools from
graphical models, which allow us to gain insight on conditional dependencies of
scores and states, we provide a relaxed probabilistic model that ultimately
leads to a parameter-hyperparameter estimator amenable to distributed
computation. To highlight the appropriateness of the proposed relaxation, we
demonstrate the distributed estimators on a social interaction set-up for user
profiling.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.