title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Efficient Inferencing of Compressed Deep Neural Networks | Large number of weights in deep neural networks makes the models difficult to
be deployed in low memory environments such as, mobile phones, IOT edge devices
as well as "inferencing as a service" environments on cloud. Prior work has
considered reduction in the size of the models, through compression techniques
like pruning, quantization, Huffman encoding etc. However, efficient
inferencing using the compressed models has received little attention,
specially with the Huffman encoding in place. In this paper, we propose
efficient parallel algorithms for inferencing of single image and batches,
under various memory constraints. Our experimental results show that our
approach of using variable batch size for inferencing achieves 15-25\%
performance improvement in the inference throughput for AlexNet, while
maintaining memory and latency constraints.
|
Smooth Neighbors on Teacher Graphs for Semi-supervised Learning | The recently proposed self-ensembling methods have achieved promising results
in deep semi-supervised learning, which penalize inconsistent predictions of
unlabeled data under different perturbations. However, they only consider
adding perturbations to each single data point, while ignoring the connections
between data samples. In this paper, we propose a novel method, called Smooth
Neighbors on Teacher Graphs (SNTG). In SNTG, a graph is constructed based on
the predictions of the teacher model, i.e., the implicit self-ensemble of
models. Then the graph serves as a similarity measure with respect to which the
representations of "similar" neighboring points are learned to be smooth on the
low-dimensional manifold. We achieve state-of-the-art results on
semi-supervised learning benchmarks. The error rates are 9.89%, 3.99% for
CIFAR-10 with 4000 labels, SVHN with 500 labels, respectively. In particular,
the improvements are significant when the labels are fewer. For the
non-augmented MNIST with only 20 labels, the error rate is reduced from
previous 4.81% to 1.36%. Our method also shows robustness to noisy labels.
|
Acquiring Target Stacking Skills by Goal-Parameterized Deep
Reinforcement Learning | Understanding physical phenomena is a key component of human intelligence and
enables physical interaction with previously unseen environments. In this
paper, we study how an artificial agent can autonomously acquire this intuition
through interaction with the environment. We created a synthetic block stacking
environment with physics simulation in which the agent can learn a policy
end-to-end through trial and error. Thereby, we bypass to explicitly model
physical knowledge within the policy. We are specifically interested in tasks
that require the agent to reach a given goal state that may be different for
every new trial. To this end, we propose a deep reinforcement learning
framework that learns policies which are parametrized by a goal. We validated
the model on a toy example navigating in a grid world with different target
positions and in a block stacking task with different target structures of the
final tower. In contrast to prior work, our policies show better generalization
across different goals.
|
Avoiding Your Teacher's Mistakes: Training Neural Networks with
Controlled Weak Supervision | Training deep neural networks requires massive amounts of training data, but
for many tasks only limited labeled data is available. This makes weak
supervision attractive, using weak or noisy signals like the output of
heuristic methods or user click-through data for training. In a semi-supervised
setting, we can use a large set of data with weak labels to pretrain a neural
network and then fine-tune the parameters with a small amount of data with true
labels. This feels intuitively sub-optimal as these two independent stages
leave the model unaware about the varying label quality. What if we could
somehow inform the model about the label quality? In this paper, we propose a
semi-supervised learning method where we train two neural networks in a
multi-task fashion: a "target network" and a "confidence network". The target
network is optimized to perform a given task and is trained using a large set
of unlabeled data that are weakly annotated. We propose to weight the gradient
updates to the target network using the scores provided by the second
confidence network, which is trained on a small amount of supervised data. Thus
we avoid that the weight updates computed from noisy labels harm the quality of
the target network model. We evaluate our learning strategy on two different
tasks: document ranking and sentiment classification. The results demonstrate
that our approach not only enhances the performance compared to the baselines
but also speeds up the learning process from weak labels.
|
Orthogonal Machine Learning: Power and Limitations | Double machine learning provides $\sqrt{n}$-consistent estimates of
parameters of interest even when high-dimensional or nonparametric nuisance
parameters are estimated at an $n^{-1/4}$ rate. The key is to employ
Neyman-orthogonal moment equations which are first-order insensitive to
perturbations in the nuisance parameters. We show that the $n^{-1/4}$
requirement can be improved to $n^{-1/(2k+2)}$ by employing a $k$-th order
notion of orthogonality that grants robustness to more complex or
higher-dimensional nuisance parameters. In the partially linear regression
setting popular in causal inference, we show that we can construct second-order
orthogonal moments if and only if the treatment residual is not normally
distributed. Our proof relies on Stein's lemma and may be of independent
interest. We conclude by demonstrating the robustness benefits of an explicit
doubly-orthogonal estimation procedure for treatment effect.
|
Generalization without systematicity: On the compositional skills of
sequence-to-sequence recurrent networks | Humans can understand and produce new utterances effortlessly, thanks to
their compositional skills. Once a person learns the meaning of a new verb
"dax," he or she can immediately understand the meaning of "dax twice" or "sing
and dax." In this paper, we introduce the SCAN domain, consisting of a set of
simple compositional navigation commands paired with the corresponding action
sequences. We then test the zero-shot generalization capabilities of a variety
of recurrent neural networks (RNNs) trained on SCAN with sequence-to-sequence
methods. We find that RNNs can make successful zero-shot generalizations when
the differences between training and test commands are small, so that they can
apply "mix-and-match" strategies to solve the task. However, when
generalization requires systematic compositional skills (as in the "dax"
example above), RNNs fail spectacularly. We conclude with a proof-of-concept
experiment in neural machine translation, suggesting that lack of systematicity
might be partially responsible for neural networks' notorious training data
thirst.
|
Detection for 5G-NOMA: An Online Adaptive Machine Learning Approach | Non-orthogonal multiple access (NOMA) has emerged as a promising radio access
technique for enabling the performance enhancements promised by the
fifth-generation (5G) networks in terms of connectivity, low latency, and high
spectrum efficiency. In the NOMA uplink, successive interference cancellation
(SIC) based detection with device clustering has been suggested. In the case of
multiple receive antennas, SIC can be combined with the minimum mean-squared
error (MMSE) beamforming. However, there exists a tradeoff between the NOMA
cluster size and the incurred SIC error. Larger clusters lead to larger errors
but they are desirable from the spectrum efficiency and connectivity point of
view. We propose a novel online learning based detection for the NOMA uplink.
In particular, we design an online adaptive filter in the sum space of linear
and Gaussian reproducing kernel Hilbert spaces (RKHSs). Such a sum space design
is robust against variations of a dynamic wireless network that can deteriorate
the performance of a purely nonlinear adaptive filter. We demonstrate by
simulations that the proposed method outperforms the MMSE-SIC based detection
for large cluster sizes.
|
Full-info Training for Deep Speaker Feature Learning | In recent studies, it has shown that speaker patterns can be learned from
very short speech segments (e.g., 0.3 seconds) by a carefully designed
convolutional & time-delay deep neural network (CT-DNN) model. By enforcing the
model to discriminate the speakers in the training data, frame-level speaker
features can be derived from the last hidden layer. In spite of its good
performance, a potential problem of the present model is that it involves a
parametric classifier, i.e., the last affine layer, which may consume some
discriminative knowledge, thus leading to `information leak' for the feature
learning. This paper presents a full-info training approach that discards the
parametric classifier and enforces all the discriminative knowledge learned by
the feature net. Our experiments on the Fisher database demonstrate that this
new training scheme can produce more coherent features, leading to consistent
and notable performance improvement on the speaker verification task.
|
Active Tolerant Testing | In this work, we give the first algorithms for tolerant testing of nontrivial
classes in the active model: estimating the distance of a target function to a
hypothesis class C with respect to some arbitrary distribution D, using only a
small number of label queries to a polynomial-sized pool of unlabeled examples
drawn from D. Specifically, we show that for the class D of unions of d
intervals on the line, we can estimate the error rate of the best hypothesis in
the class to an additive error epsilon from only $O(\frac{1}{\epsilon^6}\log
\frac{1}{\epsilon})$ label queries to an unlabeled pool of size
$O(\frac{d}{\epsilon^2}\log \frac{1}{\epsilon})$. The key point here is the
number of labels needed is independent of the VC-dimension of the class. This
extends the work of Balcan et al. [2012] who solved the non-tolerant testing
problem for this class (distinguishing the zero-error case from the case that
the best hypothesis in the class has error greater than epsilon).
We also consider the related problem of estimating the performance of a given
learning algorithm A in this setting. That is, given a large pool of unlabeled
examples drawn from distribution D, can we, from only a few label queries,
estimate how well A would perform if the entire dataset were labeled? We focus
on k-Nearest Neighbor style algorithms, and also show how our results can be
applied to the problem of hyperparameter tuning (selecting the best value of k
for the given learning problem).
|
Minimal Exploration in Structured Stochastic Bandits | This paper introduces and addresses a wide class of stochastic bandit
problems where the function mapping the arm to the corresponding reward
exhibits some known structural properties. Most existing structures (e.g.
linear, Lipschitz, unimodal, combinatorial, dueling, ...) are covered by our
framework. We derive an asymptotic instance-specific regret lower bound for
these problems, and develop OSSB, an algorithm whose regret matches this
fundamental limit. OSSB is not based on the classical principle of "optimism in
the face of uncertainty" or on Thompson sampling, and rather aims at matching
the minimal exploration rates of sub-optimal arms as characterized in the
derivation of the regret lower bound. We illustrate the efficiency of OSSB
using numerical experiments in the case of the linear bandit problem and show
that OSSB outperforms existing algorithms, including Thompson sampling.
|
Hierarchical Representations for Efficient Architecture Search | We explore efficient neural architecture search methods and show that a
simple yet powerful evolutionary algorithm can discover new architectures with
excellent performance. Our approach combines a novel hierarchical genetic
representation scheme that imitates the modularized design pattern commonly
adopted by human experts, and an expressive search space that supports complex
topologies. Our algorithm efficiently discovers architectures that outperform a
large number of manually designed models for image classification, obtaining
top-1 error of 3.6% on CIFAR-10 and 20.3% when transferred to ImageNet, which
is competitive with the best existing neural architecture search approaches. We
also present results using random search, achieving 0.3% less top-1 accuracy on
CIFAR-10 and 0.1% less on ImageNet whilst reducing the search time from 36
hours down to 1 hour.
|
Sampling and multilevel coarsening algorithms for fast matrix
approximations | This paper addresses matrix approximation problems for matrices that are
large, sparse and/or that are representations of large graphs. To tackle these
problems, we consider algorithms that are based primarily on coarsening
techniques, possibly combined with random sampling. A multilevel coarsening
technique is proposed which utilizes a hypergraph associated with the data
matrix and a graph coarsening strategy based on column matching. Theoretical
results are established that characterize the quality of the dimension
reduction achieved by a coarsening step, when a proper column matching strategy
is employed. We consider a number of standard applications of this technique as
well as a few new ones. Among the standard applications we first consider the
problem of computing the partial SVD for which a combination of sampling and
coarsening yields significantly improved SVD results relative to sampling
alone. We also consider the Column subset selection problem, a popular low rank
approximation method used in data related applications, and show how multilevel
coarsening can be adapted for this problem. Similarly, we consider the problem
of graph sparsification and show how coarsening techniques can be employed to
solve it. Numerical experiments illustrate the performances of the methods in
various applications.
|
Attacking Binarized Neural Networks | Neural networks with low-precision weights and activations offer compelling
efficiency advantages over their full-precision equivalents. The two most
frequently discussed benefits of quantization are reduced memory consumption,
and a faster forward pass when implemented with efficient bitwise operations.
We propose a third benefit of very low-precision neural networks: improved
robustness against some adversarial attacks, and in the worst case, performance
that is on par with full-precision models. We focus on the very low-precision
case where weights and activations are both quantized to $\pm$1, and note that
stochastically quantizing weights in just one layer can sharply reduce the
impact of iterative attacks. We observe that non-scaled binary neural networks
exhibit a similar effect to the original defensive distillation procedure that
led to gradient masking, and a false notion of security. We address this by
conducting both black-box and white-box experiments with binary models that do
not artificially mask gradients.
|
A Unified View of Piecewise Linear Neural Network Verification | The success of Deep Learning and its potential use in many safety-critical
applications has motivated research on formal verification of Neural Network
(NN) models. Despite the reputation of learned NN models to behave as black
boxes and the theoretical hardness of proving their properties, researchers
have been successful in verifying some classes of models by exploiting their
piecewise linear structure and taking insights from formal methods such as
Satisifiability Modulo Theory. These methods are however still far from scaling
to realistic neural networks. To facilitate progress on this crucial area, we
make two key contributions. First, we present a unified framework that
encompasses previous methods. This analysis results in the identification of
new methods that combine the strengths of multiple existing approaches,
accomplishing a speedup of two orders of magnitude compared to the previous
state of the art. Second, we propose a new data set of benchmarks which
includes a collection of previously released testcases. We use the benchmark to
provide the first experimental comparison of existing algorithms and identify
the factors impacting the hardness of verification problems.
|
Fixing a Broken ELBO | Recent work in unsupervised representation learning has focused on learning
deep directed latent-variable models. Fitting these models by maximizing the
marginal likelihood or evidence is typically intractable, thus a common
approximation is to maximize the evidence lower bound (ELBO) instead. However,
maximum likelihood training (whether exact or approximate) does not necessarily
result in a good latent representation, as we demonstrate both theoretically
and empirically. In particular, we derive variational lower and upper bounds on
the mutual information between the input and the latent variable, and use these
bounds to derive a rate-distortion curve that characterizes the tradeoff
between compression and reconstruction accuracy. Using this framework, we
demonstrate that there is a family of models with identical ELBO, but different
quantitative and qualitative characteristics. Our framework also suggests a
simple new method to ensure that latent variable models with powerful
stochastic decoders do not ignore their latent code.
|
Don't Decay the Learning Rate, Increase the Batch Size | It is common practice to decay the learning rate. Here we show one can
usually obtain the same learning curve on both training and test sets by
instead increasing the batch size during training. This procedure is successful
for stochastic gradient descent (SGD), SGD with momentum, Nesterov momentum,
and Adam. It reaches equivalent test accuracies after the same number of
training epochs, but with fewer parameter updates, leading to greater
parallelism and shorter training times. We can further reduce the number of
parameter updates by increasing the learning rate $\epsilon$ and scaling the
batch size $B \propto \epsilon$. Finally, one can increase the momentum
coefficient $m$ and scale $B \propto 1/(1-m)$, although this tends to slightly
reduce the test accuracy. Crucially, our techniques allow us to repurpose
existing training schedules for large batch training with no hyper-parameter
tuning. We train ResNet-50 on ImageNet to $76.1\%$ validation accuracy in under
30 minutes.
|
Learning One-hidden-layer Neural Networks with Landscape Design | We consider the problem of learning a one-hidden-layer neural network: we
assume the input $x\in \mathbb{R}^d$ is from Gaussian distribution and the
label $y = a^\top \sigma(Bx) + \xi$, where $a$ is a nonnegative vector in
$\mathbb{R}^m$ with $m\le d$, $B\in \mathbb{R}^{m\times d}$ is a full-rank
weight matrix, and $\xi$ is a noise vector. We first give an analytic formula
for the population risk of the standard squared loss and demonstrate that it
implicitly attempts to decompose a sequence of low-rank tensors simultaneously.
Inspired by the formula, we design a non-convex objective function $G(\cdot)$
whose landscape is guaranteed to have the following properties: 1. All local
minima of $G$ are also global minima.
2. All global minima of $G$ correspond to the ground truth parameters.
3. The value and gradient of $G$ can be estimated using samples.
With these properties, stochastic gradient descent on $G$ provably converges
to the global minimum and learn the ground-truth parameters. We also prove
finite sample complexity result and validate the results by simulations.
|
TasNet: time-domain audio separation network for real-time,
single-channel speech separation | Robust speech processing in multi-talker environments requires effective
speech separation. Recent deep learning systems have made significant progress
toward solving this problem, yet it remains challenging particularly in
real-time, short latency applications. Most methods attempt to construct a mask
for each source in time-frequency representation of the mixture signal which is
not necessarily an optimal representation for speech separation. In addition,
time-frequency decomposition results in inherent problems such as
phase/magnitude decoupling and long time window which is required to achieve
sufficient frequency resolution. We propose Time-domain Audio Separation
Network (TasNet) to overcome these limitations. We directly model the signal in
the time-domain using an encoder-decoder framework and perform the source
separation on nonnegative encoder outputs. This method removes the frequency
decomposition step and reduces the separation problem to estimation of source
masks on encoder outputs which is then synthesized by the decoder. Our system
outperforms the current state-of-the-art causal and noncausal speech separation
algorithms, reduces the computational cost of speech separation, and
significantly reduces the minimum required latency of the output. This makes
TasNet suitable for applications where low-power, real-time implementation is
desirable such as in hearable and telecommunication devices.
|
A Multimodal Anomaly Detector for Robot-Assisted Feeding Using an
LSTM-based Variational Autoencoder | The detection of anomalous executions is valuable for reducing potential
hazards in assistive manipulation. Multimodal sensory signals can be helpful
for detecting a wide range of anomalies. However, the fusion of
high-dimensional and heterogeneous modalities is a challenging problem. We
introduce a long short-term memory based variational autoencoder (LSTM-VAE)
that fuses signals and reconstructs their expected distribution. We also
introduce an LSTM-VAE-based detector using a reconstruction-based anomaly score
and a state-based threshold. For evaluations with 1,555 robot-assisted feeding
executions including 12 representative types of anomalies, our detector had a
higher area under the receiver operating characteristic curve (AUC) of 0.8710
than 5 other baseline detectors from the literature. We also show the
multimodal fusion through the LSTM-VAE is effective by comparing our detector
with 17 raw sensory signals versus 4 hand-engineered features.
|
Sleep Stage Classification Based on Multi-level Feature Learning and
Recurrent Neural Networks via Wearable Device | This paper proposes a practical approach for automatic sleep stage
classification based on a multi-level feature learning framework and Recurrent
Neural Network (RNN) classifier using heart rate and wrist actigraphy derived
from a wearable device. The feature learning framework is designed to extract
low- and mid-level features. Low-level features capture temporal and frequency
domain properties and mid-level features learn compositions and structural
information of signals. Since sleep staging is a sequential problem with
long-term dependencies, we take advantage of RNNs with Bidirectional Long
Short-Term Memory (BLSTM) architectures for sequence data learning. To simulate
the actual situation of daily sleep, experiments are conducted with a resting
group in which sleep is recorded in resting state, and a comprehensive group in
which both resting sleep and non-resting sleep are included.We evaluate the
algorithm based on an eight-fold cross validation to classify five sleep stages
(W, N1, N2, N3, and REM). The proposed algorithm achieves weighted precision,
recall and F1 score of 58.0%, 60.3%, and 58.2% in the resting group and 58.5%,
61.1%, and 58.5% in the comprehensive group, respectively. Various comparison
experiments demonstrate the effectiveness of feature learning and BLSTM. We
further explore the influence of depth and width of RNNs on performance. Our
method is specially proposed for wearable devices and is expected to be
applicable for long-term sleep monitoring at home. Without using too much prior
domain knowledge, our method has the potential to generalize sleep disorder
detection.
|
Candidates vs. Noises Estimation for Large Multi-Class Classification
Problem | This paper proposes a method for multi-class classification problems, where
the number of classes K is large. The method, referred to as Candidates vs.
Noises Estimation (CANE), selects a small subset of candidate classes and
samples the remaining classes. We show that CANE is always consistent and
computationally efficient. Moreover, the resulting estimator has low
statistical variance approaching that of the maximum likelihood estimator, when
the observed label belongs to the selected candidates with high probability. In
practice, we use a tree structure with leaves as classes to promote fast beam
search for candidate selection. We further apply the CANE method to estimate
word probabilities in learning large neural language models. Extensive
experimental results show that CANE achieves better prediction accuracy over
the Noise-Contrastive Estimation (NCE), its variants and a number of the
state-of-the-art tree classifiers, while it gains significant speedup compared
to standard O(K) methods.
|
Concave losses for robust dictionary learning | Traditional dictionary learning methods are based on quadratic convex loss
function and thus are sensitive to outliers. In this paper, we propose a
generic framework for robust dictionary learning based on concave losses. We
provide results on composition of concave functions, notably regarding
super-gradient computations, that are key for developing generic dictionary
learning algorithms applicable to smooth and non-smooth losses. In order to
improve identification of outliers, we introduce an initialization heuristic
based on undercomplete dictionary learning. Experimental results using
synthetic and real data demonstrate that our method is able to better detect
outliers, is capable of generating better dictionaries, outperforming
state-of-the-art methods such as K-SVD and LC-KSVD.
|
A Universal Marginalizer for Amortized Inference in Generative Models | We consider the problem of inference in a causal generative model where the
set of available observations differs between data instances. We show how
combining samples drawn from the graphical model with an appropriate masking
function makes it possible to train a single neural network to approximate all
the corresponding conditional marginal distributions and thus amortize the cost
of inference. We further demonstrate that the efficiency of importance sampling
may be improved by basing proposals on the output of the neural network. We
also outline how the same network can be used to generate samples from an
approximate joint posterior via a chain decomposition of the graph.
|
A Comprehensive Low and High-level Feature Analysis for Early Rumor
Detection on Twitter | Recent work have done a good job in modeling rumors and detecting them over
microblog streams. However, the performance of their automatic approaches are
not relatively high when looking early in the diffusion. A first intuition is
that, at early stage, most of the aggregated rumor features (e.g., propagation
features) are not mature and distinctive enough. The objective of rumor
debunking in microblogs, however, are to detect these misinformation as early
as possible. In this work, we leverage neural models in learning the hidden
representations of individual rumor-related tweets at the very beginning of a
rumor. Our extensive experiments show that the resulting signal improves our
classification performance over time, significantly within the first 10 hours.
To deepen the understanding of these low and high-level features in
contributing to the model performance over time, we conduct an extensive study
on a wide range of high impact rumor features for the 48 hours range. The end
model that engages these features are shown to be competitive, reaches over 90%
accuracy and out-performs strong baselines in our carefully cured dataset.
|
Performance Evaluation of Channel Decoding With Deep Neural Networks | With the demand of high data rate and low latency in fifth generation (5G),
deep neural network decoder (NND) has become a promising candidate due to its
capability of one-shot decoding and parallel computing. In this paper, three
types of NND, i.e., multi-layer perceptron (MLP), convolution neural network
(CNN) and recurrent neural network (RNN), are proposed with the same parameter
magnitude. The performance of these deep neural networks are evaluated through
extensive simulation. Numerical results show that RNN has the best decoding
performance, yet at the price of the highest computational overhead. Moreover,
we find there exists a saturation length for each type of neural network, which
is caused by their restricted learning abilities.
|
Learning to Represent Programs with Graphs | Learning tasks on source code (i.e., formal languages) have been considered
recently, but most work has tried to transfer natural language methods and does
not capitalize on the unique opportunities offered by code's known syntax. For
example, long-range dependencies induced by using the same variable or function
in distant locations are often not considered. We propose to use graphs to
represent both the syntactic and semantic structure of code and use graph-based
deep learning methods to learn to reason over program structures.
In this work, we present how to construct graphs from source code and how to
scale Gated Graph Neural Networks training to such large graphs. We evaluate
our method on two tasks: VarNaming, in which a network attempts to predict the
name of a variable given its usage, and VarMisuse, in which the network learns
to reason about selecting the correct variable that should be used at a given
program location. Our comparison to methods that use less structured program
representations shows the advantages of modeling known structure, and suggests
that our models learn to infer meaningful names and to solve the VarMisuse task
in many cases. Additionally, our testing showed that VarMisuse identifies a
number of bugs in mature open-source projects.
|
Network-size independent covering number bounds for deep networks | We give a covering number bound for deep learning networks that is
independent of the size of the network. The key for the simple analysis is that
for linear classifiers, rotating the data doesn't affect the covering number.
Thus, we can ignore the rotation part of each layer's linear transformation,
and get the covering number bound by concentrating on the scaling part.
|
Approximation of Functions over Manifolds: A Moving Least-Squares
Approach | We present an algorithm for approximating a function defined over a
$d$-dimensional manifold utilizing only noisy function values at locations
sampled from the manifold with noise. To produce the approximation we do not
require any knowledge regarding the manifold other than its dimension $d$. We
use the Manifold Moving Least-Squares approach of (Sober and Levin 2016) to
reconstruct the atlas of charts and the approximation is built on-top of those
charts. The resulting approximant is shown to be a function defined over a
neighborhood of a manifold, approximating the originally sampled manifold. In
other words, given a new point, located near the manifold, the approximation
can be evaluated directly on that point. We prove that our construction yields
a smooth function, and in case of noiseless samples the approximation order is
$\mathcal{O}(h^{m+1})$, where $h$ is a local density of sample parameter (i.e.,
the fill distance) and $m$ is the degree of a local polynomial approximation,
used in our algorithm. In addition, the proposed algorithm has linear time
complexity with respect to the ambient-space's dimension. Thus, we are able to
avoid the computational complexity, commonly encountered in high dimensional
approximations, without having to perform non-linear dimension reduction, which
inevitably introduces distortions to the geometry of the data. Additionaly, we
show numerical experiments that the proposed approach compares favorably to
statistical approaches for regression over manifolds and show its potential.
|
Expressive power of recurrent neural networks | Deep neural networks are surprisingly efficient at solving practical tasks,
but the theory behind this phenomenon is only starting to catch up with the
practice. Numerous works show that depth is the key to this efficiency. A
certain class of deep convolutional networks -- namely those that correspond to
the Hierarchical Tucker (HT) tensor decomposition -- has been proven to have
exponentially higher expressive power than shallow networks. I.e. a shallow
network of exponential width is required to realize the same score function as
computed by the deep architecture. In this paper, we prove the expressive power
theorem (an exponential lower bound on the width of the equivalent shallow
network) for a class of recurrent neural networks -- ones that correspond to
the Tensor Train (TT) decomposition. This means that even processing an image
patch by patch with an RNN can be exponentially more efficient than a (shallow)
convolutional network with one hidden layer. Using theoretical results on the
relation between the tensor decompositions we compare expressive powers of the
HT- and TT-Networks. We also implement the recurrent TT-Networks and provide
numerical evidence of their expressivity.
|
Channel masking for multivariate time series shapelets | Time series shapelets are discriminative sub-sequences and their similarity
to time series can be used for time series classification. Initial shapelet
extraction algorithms searched shapelets by complete enumeration of all
possible data sub-sequences. Research on shapelets for univariate time series
proposed a mechanism called shapelet learning which parameterizes the shapelets
and learns them jointly with a prediction model in an optimization procedure.
Trivial extension of this method to multivariate time series does not yield
very good results due to the presence of noisy channels which lead to
overfitting. In this paper we propose a shapelet learning scheme for
multivariate time series in which we introduce channel masks to discount noisy
channels and serve as an implicit regularization.
|
Medoids in almost linear time via multi-armed bandits | Computing the medoid of a large number of points in high-dimensional space is
an increasingly common operation in many data science problems. We present an
algorithm Med-dit which uses O(n log n) distance evaluations to compute the
medoid with high probability. Med-dit is based on a connection with the
multi-armed bandit problem. We evaluate the performance of Med-dit empirically
on the Netflix-prize and the single-cell RNA-Seq datasets, containing hundreds
of thousands of points living in tens of thousands of dimensions, and observe a
5-10x improvement in performance over the current state of the art. Med-dit is
available at https://github.com/bagavi/Meddit
|
A Unified Game-Theoretic Approach to Multiagent Reinforcement Learning | To achieve general intelligence, agents must learn how to interact with
others in a shared environment: this is the challenge of multiagent
reinforcement learning (MARL). The simplest form is independent reinforcement
learning (InRL), where each agent treats its experience as part of its
(non-stationary) environment. In this paper, we first observe that policies
learned using InRL can overfit to the other agents' policies during training,
failing to sufficiently generalize during execution. We introduce a new metric,
joint-policy correlation, to quantify this effect. We describe an algorithm for
general MARL, based on approximate best responses to mixtures of policies
generated using deep reinforcement learning, and empirical game-theoretic
analysis to compute meta-strategies for policy selection. The algorithm
generalizes previous ones such as InRL, iterated best response, double oracle,
and fictitious play. Then, we present a scalable implementation which reduces
the memory requirement using decoupled meta-solvers. Finally, we demonstrate
the generality of the resulting policies in two partially observable settings:
gridworld coordination games and poker.
|
Oversampling for Imbalanced Learning Based on K-Means and SMOTE | Learning from class-imbalanced data continues to be a common and challenging
problem in supervised learning as standard classification algorithms are
designed to handle balanced class distributions. While different strategies
exist to tackle this problem, methods which generate artificial data to achieve
a balanced class distribution are more versatile than modifications to the
classification algorithm. Such techniques, called oversamplers, modify the
training data, allowing any classifier to be used with class-imbalanced
datasets. Many algorithms have been proposed for this task, but most are
complex and tend to generate unnecessary noise. This work presents a simple and
effective oversampling method based on k-means clustering and SMOTE
oversampling, which avoids the generation of noise and effectively overcomes
imbalances between and within classes. Empirical results of extensive
experiments with 71 datasets show that training data oversampled with the
proposed method improves classification results. Moreover, k-means SMOTE
consistently outperforms other popular oversampling methods. An implementation
is made available in the python programming language.
|
Generalized Probabilistic Bisection for Stochastic Root-Finding | We consider numerical schemes for root finding of noisy responses through
generalizing the Probabilistic Bisection Algorithm (PBA) to the more practical
context where the sampling distribution is unknown and location-dependent. As
in standard PBA, we rely on a knowledge state for the approximate posterior of
the root location. To implement the corresponding Bayesian updating, we also
carry out inference of oracle accuracy, namely learning the probability of
correct response. To this end we utilize batched querying in combination with a
variety of frequentist and Bayesian estimators based on majority vote, as well
as the underlying functional responses, if available. For guiding sampling
selection we investigate both Information Directed sampling, as well as
Quantile sampling. Our numerical experiments show that these strategies perform
quite differently; in particular we demonstrate the efficiency of randomized
quantile sampling which is reminiscent of Thompson sampling. Our work is
motivated by the root-finding sub-routine in pricing of Bermudan financial
derivatives, illustrated in the last section of the paper.
|
Variational Inference of Disentangled Latent Concepts from Unlabeled
Observations | Disentangled representations, where the higher level data generative factors
are reflected in disjoint latent dimensions, offer several benefits such as
ease of deriving invariant representations, transferability to other tasks,
interpretability, etc. We consider the problem of unsupervised learning of
disentangled representations from large pool of unlabeled observations, and
propose a variational inference based approach to infer disentangled latent
factors. We introduce a regularizer on the expectation of the approximate
posterior over observed data that encourages the disentanglement. We also
propose a new disentanglement metric which is better aligned with the
qualitative disentanglement observed in the decoder's output. We empirically
observe significant improvement over existing methods in terms of both
disentanglement and data likelihood (reconstruction quality).
|
Provable defenses against adversarial examples via the convex outer
adversarial polytope | We propose a method to learn deep ReLU-based classifiers that are provably
robust against norm-bounded adversarial perturbations on the training data. For
previously unseen examples, the approach is guaranteed to detect all
adversarial examples, though it may flag some non-adversarial examples as well.
The basic idea is to consider a convex outer approximation of the set of
activations reachable through a norm-bounded perturbation, and we develop a
robust optimization procedure that minimizes the worst case loss over this
outer region (via a linear program). Crucially, we show that the dual problem
to this linear program can be represented itself as a deep network similar to
the backpropagation network, leading to very efficient optimization approaches
that produce guaranteed bounds on the robust loss. The end result is that by
executing a few more forward and backward passes through a slightly modified
version of the original network (though possibly with much larger batch sizes),
we can learn a classifier that is provably robust to any norm-bounded
adversarial attack. We illustrate the approach on a number of tasks to train
classifiers with robust adversarial guarantees (e.g. for MNIST, we produce a
convolutional classifier that provably has less than 5.8% test error for any
adversarial attack with bounded $\ell_\infty$ norm less than $\epsilon = 0.1$),
and code for all experiments in the paper is available at
https://github.com/locuslab/convex_adversarial.
|
The (Un)reliability of saliency methods | Saliency methods aim to explain the predictions of deep neural networks.
These methods lack reliability when the explanation is sensitive to factors
that do not contribute to the model prediction. We use a simple and common
pre-processing step ---adding a constant shift to the input data--- to show
that a transformation with no effect on the model can cause numerous methods to
incorrectly attribute. In order to guarantee reliability, we posit that methods
should fulfill input invariance, the requirement that a saliency method mirror
the sensitivity of the model with respect to transformations of the input. We
show, through several examples, that saliency methods that do not satisfy input
invariance result in misleading attribution.
|
Set-to-Set Hashing with Applications in Visual Recognition | Visual data, such as an image or a sequence of video frames, is often
naturally represented as a point set. In this paper, we consider the
fundamental problem of finding a nearest set from a collection of sets, to a
query set. This problem has obvious applications in large-scale visual
retrieval and recognition, and also in applied fields beyond computer vision.
One challenge stands out in solving the problem---set representation and
measure of similarity. Particularly, the query set and the sets in dataset
collection can have varying cardinalities. The training collection is large
enough such that linear scan is impractical. We propose a simple representation
scheme that encodes both statistical and structural information of the sets.
The derived representations are integrated in a kernel framework for flexible
similarity measurement. For the query set process, we adopt a learning-to-hash
pipeline that turns the kernel representations into hash bits based on simple
learners, using multiple kernel learning. Experiments on two visual retrieval
datasets show unambiguously that our set-to-set hashing framework outperforms
prior methods that do not take the set-to-set search setting.
|
Structured Generative Adversarial Networks | We study the problem of conditional generative modeling based on designated
semantics or structures. Existing models that build conditional generators
either require massive labeled instances as supervision or are unable to
accurately control the semantics of generated samples. We propose structured
generative adversarial networks (SGANs) for semi-supervised conditional
generative modeling. SGAN assumes the data x is generated conditioned on two
independent latent variables: y that encodes the designated semantics, and z
that contains other factors of variation. To ensure disentangled semantics in y
and z, SGAN builds two collaborative games in the hidden space to minimize the
reconstruction error of y and z, respectively. Training SGAN also involves
solving two adversarial games that have their equilibrium concentrating at the
true joint data distributions p(x, z) and p(x, y), avoiding distributing the
probability mass diffusely over data space that MLE-based methods may suffer.
We assess SGAN by evaluating its trained networks, and its performance on
downstream tasks. We show that SGAN delivers a highly controllable generator,
and disentangled representations; it also establishes start-of-the-art results
across multiple datasets when applied for semi-supervised image classification
(1.27%, 5.73%, 17.26% error rates on MNIST, SVHN and CIFAR-10 using 50, 1000
and 4000 labels, respectively). Benefiting from the separate modeling of y and
z, SGAN can generate images with high visual quality and strictly following the
designated semantic, and can be extended to a wide spectrum of applications,
such as style transfer.
|
Sparse-View X-Ray CT Reconstruction Using $\ell_1$ Prior with Learned
Transform | A major challenge in X-ray computed tomography (CT) is reducing radiation
dose while maintaining high quality of reconstructed images. To reduce the
radiation dose, one can reduce the number of projection views (sparse-view CT);
however, it becomes difficult to achieve high-quality image reconstruction as
the number of projection views decreases. Researchers have applied the concept
of learning sparse representations from (high-quality) CT image dataset to the
sparse-view CT reconstruction. We propose a new statistical CT reconstruction
model that combines penalized weighted-least squares (PWLS) and $\ell_1$ prior
with learned sparsifying transform (PWLS-ST-$\ell_1$), and a corresponding
efficient algorithm based on Alternating Direction Method of Multipliers
(ADMM). To moderate the difficulty of tuning ADMM parameters, we propose a new
ADMM parameter selection scheme based on approximated condition numbers. We
interpret the proposed model by analyzing the minimum mean square error of its
($\ell_2$-norm relaxed) image update estimator. Our results with the extended
cardiac-torso (XCAT) phantom data and clinical chest data show that, for
sparse-view 2D fan-beam CT and 3D axial cone-beam CT, PWLS-ST-$\ell_1$ improves
the quality of reconstructed images compared to the CT reconstruction methods
using edge-preserving regularizer and $\ell_2$ prior with learned ST. These
results also show that, for sparse-view 2D fan-beam CT, PWLS-ST-$\ell_1$
achieves comparable or better image quality and requires much shorter runtime
than PWLS-DL using a learned overcomplete dictionary. Our results with clinical
chest data show that, methods using the unsupervised learned prior generalize
better than a state-of-the-art deep "denoising" neural network that does not
use a physical imaging model.
|
Neural Discrete Representation Learning | Learning useful representations without supervision remains a key challenge
in machine learning. In this paper, we propose a simple yet powerful generative
model that learns such discrete representations. Our model, the Vector
Quantised-Variational AutoEncoder (VQ-VAE), differs from VAEs in two key ways:
the encoder network outputs discrete, rather than continuous, codes; and the
prior is learnt rather than static. In order to learn a discrete latent
representation, we incorporate ideas from vector quantisation (VQ). Using the
VQ method allows the model to circumvent issues of "posterior collapse" --
where the latents are ignored when they are paired with a powerful
autoregressive decoder -- typically observed in the VAE framework. Pairing
these representations with an autoregressive prior, the model can generate high
quality images, videos, and speech as well as doing high quality speaker
conversion and unsupervised learning of phonemes, providing further evidence of
the utility of the learnt representations.
|
Deep Air Learning: Interpolation, Prediction, and Feature Analysis of
Fine-grained Air Quality | The interpolation, prediction, and feature analysis of fine-gained air
quality are three important topics in the area of urban air computing. The
solutions to these topics can provide extremely useful information to support
air pollution control, and consequently generate great societal and technical
impacts. Most of the existing work solves the three problems separately by
different models. In this paper, we propose a general and effective approach to
solve the three problems in one model called the Deep Air Learning (DAL). The
main idea of DAL lies in embedding feature selection and semi-supervised
learning in different layers of the deep learning network. The proposed
approach utilizes the information pertaining to the unlabeled spatio-temporal
data to improve the performance of the interpolation and the prediction, and
performs feature selection and association analysis to reveal the main relevant
features to the variation of the air quality. We evaluate our approach with
extensive experiments based on real data sources obtained in Beijing, China.
Experiments show that DAL is superior to the peer models from the recent
literature when solving the topics of interpolation, prediction, and feature
analysis of fine-gained air quality.
|
Deep Active Learning over the Long Tail | This paper is concerned with pool-based active learning for deep neural
networks. Motivated by coreset dataset compression ideas, we present a novel
active learning algorithm that queries consecutive points from the pool using
farthest-first traversals in the space of neural activation over a
representation layer. We show consistent and overwhelming improvement in sample
complexity over passive learning (random sampling) for three datasets: MNIST,
CIFAR-10, and CIFAR-100. In addition, our algorithm outperforms the traditional
uncertainty sampling technique (obtained using softmax activations), and we
identify cases where uncertainty sampling is only slightly better than random
sampling.
|
Learning Linear Dynamical Systems via Spectral Filtering | We present an efficient and practical algorithm for the online prediction of
discrete-time linear dynamical systems with a symmetric transition matrix. We
circumvent the non-convex optimization problem using improper learning:
carefully overparameterize the class of LDSs by a polylogarithmic factor, in
exchange for convexity of the loss functions. From this arises a
polynomial-time algorithm with a near-optimal regret guarantee, with an
analogous sample complexity bound for agnostic learning. Our algorithm is based
on a novel filtering technique, which may be of independent interest: we
convolve the time series with the eigenvectors of a certain Hankel matrix.
|
Beyond normality: Learning sparse probabilistic graphical models in the
non-Gaussian setting | We present an algorithm to identify sparse dependence structure in continuous
and non-Gaussian probability distributions, given a corresponding set of data.
The conditional independence structure of an arbitrary distribution can be
represented as an undirected graph (or Markov random field), but most
algorithms for learning this structure are restricted to the discrete or
Gaussian cases. Our new approach allows for more realistic and accurate
descriptions of the distribution in question, and in turn better estimates of
its sparse Markov structure. Sparsity in the graph is of interest as it can
accelerate inference, improve sampling methods, and reveal important
dependencies between variables. The algorithm relies on exploiting the
connection between the sparsity of the graph and the sparsity of transport
maps, which deterministically couple one probability measure to another.
|
A Classification-Based Study of Covariate Shift in GAN Distributions | A basic, and still largely unanswered, question in the context of Generative
Adversarial Networks (GANs) is whether they are truly able to capture all the
fundamental characteristics of the distributions they are trained on. In
particular, evaluating the diversity of GAN distributions is challenging and
existing methods provide only a partial understanding of this issue. In this
paper, we develop quantitative and scalable tools for assessing the diversity
of GAN distributions. Specifically, we take a classification-based perspective
and view loss of diversity as a form of covariate shift introduced by GANs. We
examine two specific forms of such shift: mode collapse and boundary
distortion. In contrast to prior work, our methods need only minimal human
supervision and can be readily applied to state-of-the-art GANs on large,
canonical datasets. Examining popular GANs using our tools indicates that these
GANs have significant problems in reproducing the more distributional
properties of their training dataset.
|
From which world is your graph? | Discovering statistical structure from links is a fundamental problem in the
analysis of social networks. Choosing a misspecified model, or equivalently, an
incorrect inference algorithm will result in an invalid analysis or even
falsely uncover patterns that are in fact artifacts of the model. This work
focuses on unifying two of the most widely used link-formation models: the
stochastic blockmodel (SBM) and the small world (or latent space) model (SWM).
Integrating techniques from kernel learning, spectral graph theory, and
nonlinear dimensionality reduction, we develop the first statistically sound
polynomial-time algorithm to discover latent patterns in sparse graphs for both
models. When the network comes from an SBM, the algorithm outputs a block
structure. When it is from an SWM, the algorithm outputs estimates of each
node's latent position.
|
The neighborhood lattice for encoding partial correlations in a Hilbert
space | Neighborhood regression has been a successful approach in graphical and
structural equation modeling, with applications to learning undirected and
directed graphical models. We extend these ideas by defining and studying an
algebraic structure called the neighborhood lattice based on a generalized
notion of neighborhood regression. We show that this algebraic structure has
the potential to provide an economic encoding of all conditional independence
statements in a Gaussian distribution (or conditional uncorrelatedness in
general), even in the cases where no graphical model exists that could
"perfectly" encode all such statements. We study the computational complexity
of computing these structures and show that under a sparsity assumption, they
can be computed in polynomial time, even in the absence of the assumption of
perfectness to a graph. On the other hand, assuming perfectness, we show how
these neighborhood lattices may be "graphically" computed using the separation
properties of the so-called partial correlation graph. We also draw connections
with directed acyclic graphical models and Bayesian networks. We derive these
results using an abstract generalization of partial uncorrelatedness, called
partial orthogonality, which allows us to use algebraic properties of
projection operators on Hilbert spaces to significantly simplify and extend
existing ideas and arguments. Consequently, our results apply to a wide range
of random objects and data structures, such as random vectors, data matrices,
and functions.
|
Policy Optimization by Genetic Distillation | Genetic algorithms have been widely used in many practical optimization
problems. Inspired by natural selection, operators, including mutation,
crossover and selection, provide effective heuristics for search and black-box
optimization. However, they have not been shown useful for deep reinforcement
learning, possibly due to the catastrophic consequence of parameter crossovers
of neural networks. Here, we present Genetic Policy Optimization (GPO), a new
genetic algorithm for sample-efficient deep policy optimization. GPO uses
imitation learning for policy crossover in the state space and applies policy
gradient methods for mutation. Our experiments on MuJoCo tasks show that GPO as
a genetic algorithm is able to provide superior performance over the
state-of-the-art policy gradient methods and achieves comparable or higher
sample efficiency.
|
Sparsity, variance and curvature in multi-armed bandits | In (online) learning theory the concepts of sparsity, variance and curvature
are well-understood and are routinely used to obtain refined regret and
generalization bounds. In this paper we further our understanding of these
concepts in the more challenging limited feedback scenario. We consider the
adversarial multi-armed bandit and linear bandit settings and solve several
open problems pertaining to the existence of algorithms with favorable regret
bounds under the following assumptions: (i) sparsity of the individual losses,
(ii) small variation of the loss sequence, and (iii) curvature of the action
set. Specifically we show that (i) for $s$-sparse losses one can obtain
$\tilde{O}(\sqrt{s T})$-regret (solving an open problem by Kwon and Perchet),
(ii) for loss sequences with variation bounded by $Q$ one can obtain
$\tilde{O}(\sqrt{Q})$-regret (solving an open problem by Kale and Hazan), and
(iii) for linear bandit on an $\ell_p^n$ ball one can obtain $\tilde{O}(\sqrt{n
T})$-regret for $p \in [1,2]$ and one has $\tilde{\Omega}(n \sqrt{T})$-regret
for $p>2$ (solving an open problem by Bubeck, Cesa-Bianchi and Kakade). A key
new insight to obtain these results is to use regularizers satisfying more
refined conditions than general self-concordance
|
Structured Variational Inference for Coupled Gaussian Processes | Sparse variational approximations allow for principled and scalable inference
in Gaussian Process (GP) models. In settings where several GPs are part of the
generative model, theses GPs are a posteriori coupled. For many applications
such as regression where predictive accuracy is the quantity of interest, this
coupling is not crucial. Howewer if one is interested in posterior uncertainty,
it cannot be ignored. A key element of variational inference schemes is the
choice of the approximate posterior parameterization. When the number of latent
variables is large, mean field (MF) methods provide fast and accurate posterior
means while more structured posterior lead to inference algorithm of greater
computational complexity. Here, we extend previous sparse GP approximations and
propose a novel parameterization of variational posteriors in the multi-GP
setting allowing for fast and scalable inference capturing posterior
dependencies.
|
Fuzzy clustering using linguistic-valued exponent | The purpose of this paper is to study the algorithm FCM and some of its
famous innovations, analyse and discover the method of applying hedge algebra
theory that uses algebra to represent linguistic-valued variables, to FCM.
Then, this paper will propose a new FCM-based algorithm which uses hedge
algebra to model FCM's exponent parameter. Finally, the design, analysis and
implementation of the new algorithm as well some experimental results will be
presented to prove our algorithm's capacity of solving clustering problems in
practice.
|
Metrics for Deep Generative Models | Neural samplers such as variational autoencoders (VAEs) or generative
adversarial networks (GANs) approximate distributions by transforming samples
from a simple random source---the latent space---to samples from a more complex
distribution represented by a dataset. While the manifold hypothesis implies
that the density induced by a dataset contains large regions of low density,
the training criterions of VAEs and GANs will make the latent space densely
covered. Consequently points that are separated by low-density regions in
observation space will be pushed together in latent space, making stationary
distances poor proxies for similarity. We transfer ideas from Riemannian
geometry to this setting, letting the distance between two points be the
shortest path on a Riemannian manifold induced by the transformation. The
method yields a principled distance measure, provides a tool for visual
inspection of deep generative models, and an alternative to linear
interpolation in latent space. In addition, it can be applied for robot
movement generalization using previously learned skills. The method is
evaluated on a synthetic dataset with known ground truth; on a simulated robot
arm dataset; on human motion capture data; and on a generative model of
handwritten digits.
|
Routing Networks: Adaptive Selection of Non-linear Functions for
Multi-Task Learning | Multi-task learning (MTL) with neural networks leverages commonalities in
tasks to improve performance, but often suffers from task interference which
reduces the benefits of transfer. To address this issue we introduce the
routing network paradigm, a novel neural network and training algorithm. A
routing network is a kind of self-organizing neural network consisting of two
components: a router and a set of one or more function blocks. A function block
may be any neural network - for example a fully-connected or a convolutional
layer. Given an input the router makes a routing decision, choosing a function
block to apply and passing the output back to the router recursively,
terminating when a fixed recursion depth is reached. In this way the routing
network dynamically composes different function blocks for each input. We
employ a collaborative multi-agent reinforcement learning (MARL) approach to
jointly train the router and function blocks. We evaluate our model against
cross-stitch networks and shared-layer baselines on multi-task settings of the
MNIST, mini-imagenet, and CIFAR-100 datasets. Our experiments demonstrate a
significant improvement in accuracy, with sharper convergence. In addition,
routing networks have nearly constant per-task training cost while cross-stitch
networks scale linearly with the number of tasks. On CIFAR-100 (20 tasks) we
obtain cross-stitch performance levels with an 85% reduction in training time.
|
ReBNet: Residual Binarized Neural Network | This paper proposes ReBNet, an end-to-end framework for training
reconfigurable binary neural networks on software and developing efficient
accelerators for execution on FPGA. Binary neural networks offer an intriguing
opportunity for deploying large-scale deep learning models on
resource-constrained devices. Binarization reduces the memory footprint and
replaces the power-hungry matrix-multiplication with light-weight XnorPopcount
operations. However, binary networks suffer from a degraded accuracy compared
to their fixed-point counterparts. We show that the state-of-the-art methods
for optimizing binary networks accuracy, significantly increase the
implementation cost and complexity. To compensate for the degraded accuracy
while adhering to the simplicity of binary networks, we devise the first
reconfigurable scheme that can adjust the classification accuracy based on the
application. Our proposition improves the classification accuracy by
representing features with multiple levels of residual binarization. Unlike
previous methods, our approach does not exacerbate the area cost of the
hardware accelerator. Instead, it provides a tradeoff between throughput and
accuracy while the area overhead of multi-level binarization is negligible.
|
Meta-Learning by Adjusting Priors Based on Extended PAC-Bayes Theory | In meta-learning an agent extracts knowledge from observed tasks, aiming to
facilitate learning of novel future tasks. Under the assumption that future
tasks are 'related' to previous tasks, the accumulated knowledge should be
learned in a way which captures the common structure across learned tasks,
while allowing the learner sufficient flexibility to adapt to novel aspects of
new tasks. We present a framework for meta-learning that is based on
generalization error bounds, allowing us to extend various PAC-Bayes bounds to
meta-learning. Learning takes place through the construction of a distribution
over hypotheses based on the observed tasks, and its utilization for learning a
new task. Thus, prior knowledge is incorporated through setting an
experience-dependent prior for novel tasks. We develop a gradient-based
algorithm which minimizes an objective function derived from the bounds and
demonstrate its effectiveness numerically with deep neural networks. In
addition to establishing the improved performance available through
meta-learning, we demonstrate the intuitive way by which prior information is
manifested at different levels of the network.
|
SparseNN: An Energy-Efficient Neural Network Accelerator Exploiting
Input and Output Sparsity | Contemporary Deep Neural Network (DNN) contains millions of synaptic
connections with tens to hundreds of layers. The large computation and memory
requirements pose a challenge to the hardware design. In this work, we leverage
the intrinsic activation sparsity of DNN to substantially reduce the execution
cycles and the energy consumption. An end-to-end training algorithm is proposed
to develop a lightweight run-time predictor for the output activation sparsity
on the fly. From our experimental results, the computation overhead of the
prediction phase can be reduced to less than 5% of the original feedforward
phase with negligible accuracy loss. Furthermore, an energy-efficient hardware
architecture, SparseNN, is proposed to exploit both the input and output
sparsity. SparseNN is a scalable architecture with distributed memories and
processing elements connected through a dedicated on-chip network. Compared
with the state-of-the-art accelerators which only exploit the input sparsity,
SparseNN can achieve a 10%-70% improvement in throughput and a power reduction
of around 50%.
|
Discovering More Precise Process Models from Event Logs by Filtering Out
Chaotic Activities | Process Discovery is concerned with the automatic generation of a process
model that describes a business process from execution data of that business
process. Real life event logs can contain chaotic activities. These activities
are independent of the state of the process and can, therefore, happen at
rather arbitrary points in time. We show that the presence of such chaotic
activities in an event log heavily impacts the quality of the process models
that can be discovered with process discovery techniques. The current modus
operandi for filtering activities from event logs is to simply filter out
infrequent activities. We show that frequency-based filtering of activities
does not solve the problems that are caused by chaotic activities. Moreover, we
propose a novel technique to filter out chaotic activities from event logs. We
evaluate this technique on a collection of seventeen real-life event logs that
originate from both the business process management domain and the smart home
environment domain. As demonstrated, the developed activity filtering methods
enable the discovery of process models that are more behaviorally specific
compared to process models that are discovered using standard frequency-based
filtering.
|
Implicit Weight Uncertainty in Neural Networks | Modern neural networks tend to be overconfident on unseen, noisy or
incorrectly labelled data and do not produce meaningful uncertainty measures.
Bayesian deep learning aims to address this shortcoming with variational
approximations (such as Bayes by Backprop or Multiplicative Normalising Flows).
However, current approaches have limitations regarding flexibility and
scalability. We introduce Bayes by Hypernet (BbH), a new method of variational
approximation that interprets hypernetworks as implicit distributions. It
naturally uses neural networks to model arbitrarily complex distributions and
scales to modern deep learning architectures. In our experiments, we
demonstrate that our method achieves competitive accuracies and predictive
uncertainties on MNIST and a CIFAR5 task, while being the most robust against
adversarial attacks.
|
Learning to Bid Without Knowing your Value | We address online learning in complex auction settings, such as sponsored
search auctions, where the value of the bidder is unknown to her, evolving in
an arbitrary manner and observed only if the bidder wins an allocation. We
leverage the structure of the utility of the bidder and the partial feedback
that bidders typically receive in auctions, in order to provide algorithms with
regret rates against the best fixed bid in hindsight, that are exponentially
faster in convergence in terms of dependence on the action space, than what
would have been derived by applying a generic bandit algorithm and almost
equivalent to what would have been achieved in the full information setting.
Our results are enabled by analyzing a new online learning setting with
outcome-based feedback, which generalizes learning with feedback graphs. We
provide an online learning algorithm for this setting, of independent interest,
with regret that grows only logarithmically with the number of actions and
linearly only in the number of potential outcomes (the latter being very small
in most auction settings). Last but not least, we show that our algorithm
outperforms the bandit approach experimentally and that this performance is
robust to dropping some of our theoretical assumptions or introducing noise in
the feedback that the bidder receives.
|
Accelerating Training of Deep Neural Networks via Sparse Edge Processing | We propose a reconfigurable hardware architecture for deep neural networks
(DNNs) capable of online training and inference, which uses algorithmically
pre-determined, structured sparsity to significantly lower memory and
computational requirements. This novel architecture introduces the notion of
edge-processing to provide flexibility and combines junction pipelining and
operational parallelization to speed up training. The overall effect is to
reduce network complexity by factors up to 30x and training time by up to 35x
relative to GPUs, while maintaining high fidelity of inference results. This
has the potential to enable extensive parameter searches and development of the
largely unexplored theoretical foundation of DNNs. The architecture
automatically adapts itself to different network sizes given available hardware
resources. As proof of concept, we show results obtained for different bit
widths.
|
Guiding the search in continuous state-action spaces by learning an
action sampling distribution from off-target samples | In robotics, it is essential to be able to plan efficiently in
high-dimensional continuous state-action spaces for long horizons. For such
complex planning problems, unguided uniform sampling of actions until a path to
a goal is found is hopelessly inefficient, and gradient-based approaches often
fall short when the optimization manifold of a given problem is not smooth. In
this paper we present an approach that guides the search of a state-space
planner, such as A*, by learning an action-sampling distribution that can
generalize across different instances of a planning problem. The motivation is
that, unlike typical learning approaches for planning for continuous action
space that estimate a policy, an estimated action sampler is more robust to
error since it has a planner to fall back on. We use a Generative Adversarial
Network (GAN), and address an important issue: search experience consists of a
relatively large number of actions that are not on a solution path and a
relatively small number of actions that actually are on a solution path. We
introduce a new technique, based on an importance-ratio estimation method, for
using samples from a non-target distribution to make GAN learning more
data-efficient. We provide theoretical guarantees and empirical evaluation in
three challenging continuous robot planning problems to illustrate the
effectiveness of our algorithm.
|
Separation-Free Super-Resolution from Compressed Measurements is
Possible: an Orthonormal Atomic Norm Minimization Approach | We consider the problem of recovering the superposition of $R$ distinct
complex exponential functions from compressed non-uniform time-domain samples.
Total Variation (TV) minimization or atomic norm minimization was proposed in
the literature to recover the $R$ frequencies or the missing data. However, it
is known that in order for TV minimization and atomic norm minimization to
recover the missing data or the frequencies, the underlying $R$ frequencies are
required to be well-separated, even when the measurements are noiseless. This
paper shows that the Hankel matrix recovery approach can super-resolve the $R$
complex exponentials and their frequencies from compressed non-uniform
measurements, regardless of how close their frequencies are to each other. We
propose a new concept of orthonormal atomic norm minimization (OANM), and
demonstrate that the success of Hankel matrix recovery in separation-free
super-resolution comes from the fact that the nuclear norm of a Hankel matrix
is an orthonormal atomic norm. More specifically, we show that, in traditional
atomic norm minimization, the underlying parameter values $\textbf{must}$ be
well separated to achieve successful signal recovery, if the atoms are changing
continuously with respect to the continuously-valued parameter. In contrast,
for the OANM, it is possible the OANM is successful even though the original
atoms can be arbitrarily close.
As a byproduct of this research, we provide one matrix-theoretic inequality
of nuclear norm, and give its proof from the theory of compressed sensing.
|
Language as a matrix product state | We propose a statistical model for natural language that begins by
considering language as a monoid, then representing it in complex matrices with
a compatible translation invariant probability measure. We interpret the
probability measure as arising via the Born rule from a translation invariant
matrix product state.
|
The Case for Meta-Cognitive Machine Learning: On Model Entropy and
Concept Formation in Deep Learning | Machine learning is usually defined in behaviourist terms, where external
validation is the primary mechanism of learning. In this paper, I argue for a
more holistic interpretation in which finding more probable, efficient and
abstract representations is as central to learning as performance. In other
words, machine learning should be extended with strategies to reason over its
own learning process, leading to so-called meta-cognitive machine learning. As
such, the de facto definition of machine learning should be reformulated in
these intrinsically multi-objective terms, taking into account not only the
task performance but also internal learning objectives. To this end, we suggest
a "model entropy function" to be defined that quantifies the efficiency of the
internal learning processes. It is conjured that the minimization of this model
entropy leads to concept formation. Besides philosophical aspects, some initial
illustrations are included to support the claims.
|
Transaction Fraud Detection Using GRU-centered Sandwich-structured Model | Rapid growth of modern technologies such as internet and mobile computing are
bringing dramatically increased e-commerce payments, as well as the explosion
in transaction fraud. Meanwhile, fraudsters are continually refining their
tricks, making rule-based fraud detection systems difficult to handle the
ever-changing fraud patterns. Many data mining and artificial intelligence
methods have been proposed for identifying small anomalies in large transaction
data sets, increasing detecting efficiency to some extent. Nevertheless, there
is always a contradiction that most methods are irrelevant to transaction
sequence, yet sequence-related methods usually cannot learn information at
single-transaction level well. In this paper, a new "within->between->within"
sandwich-structured sequence learning architecture has been proposed by
stacking an ensemble method, a deep sequential learning method and another
top-layer ensemble classifier in proper order. Moreover, attention mechanism
has also been introduced in to further improve performance. Models in this
structure have been manifested to be very efficient in scenarios like fraud
detection, where the information sequence is made up of vectors with complex
interconnected features.
|
Gaussian Kernel in Quantum Learning | The Gaussian kernel is a very popular kernel function used in many machine
learning algorithms, especially in support vector machines (SVMs). It is more
often used than polynomial kernels when learning from nonlinear datasets, and
is usually employed in formulating the classical SVM for nonlinear problems. In
[3], Rebentrost et al. discussed an elegant quantum version of a least square
support vector machine using quantum polynomial kernels, which is exponentially
faster than the classical counterpart. This paper demonstrates a quantum
version of the Gaussian kernel and analyzes its runtime complexity using the
quantum random access memory (QRAM) in the context of quantum SVM. Our analysis
shows that the runtime computational complexity of the quantum Gaussian kernel
seems to be significantly faster as compared to its classical version.
|
Ensembles of Multiple Models and Architectures for Robust Brain Tumour
Segmentation | Deep learning approaches such as convolutional neural nets have consistently
outperformed previous methods on challenging tasks such as dense, semantic
segmentation. However, the various proposed networks perform differently, with
behaviour largely influenced by architectural choices and training settings.
This paper explores Ensembles of Multiple Models and Architectures (EMMA) for
robust performance through aggregation of predictions from a wide range of
methods. The approach reduces the influence of the meta-parameters of
individual models and the risk of overfitting the configuration to a particular
database. EMMA can be seen as an unbiased, generic deep learning model which is
shown to yield excellent performance, winning the first position in the BRATS
2017 competition among 50+ participating teams.
|
Approximate Supermodularity Bounds for Experimental Design | This work provides performance guarantees for the greedy solution of
experimental design problems. In particular, it focuses on A- and E-optimal
designs, for which typical guarantees do not apply since the mean-square error
and the maximum eigenvalue of the estimation error covariance matrix are not
supermodular. To do so, it leverages the concept of approximate supermodularity
to derive non-asymptotic worst-case suboptimality bounds for these greedy
solutions. These bounds reveal that as the SNR of the experiments decreases,
these cost functions behave increasingly as supermodular functions. As such,
greedy A- and E-optimal designs approach (1-1/e)-optimality. These results
reconcile the empirical success of greedy experimental design with the
non-supermodularity of the A- and E-optimality criteria.
|
Distribution-Preserving k-Anonymity | Preserving the privacy of individuals by protecting their sensitive
attributes is an important consideration during microdata release. However, it
is equally important to preserve the quality or utility of the data for at
least some targeted workloads. We propose a novel framework for privacy
preservation based on the k-anonymity model that is ideally suited for
workloads that require preserving the probability distribution of the
quasi-identifier variables in the data. Our framework combines the principles
of distribution-preserving quantization and k-member clustering, and we
specialize it to two variants that respectively use intra-cluster and Gaussian
dithering of cluster centers to achieve distribution preservation. We perform
theoretical analysis of the proposed schemes in terms of distribution
preservation, and describe their utility in workloads such as covariate shift
and transfer learning where such a property is necessary. Using extensive
experiments on real-world Medical Expenditure Panel Survey data, we demonstrate
the merits of our algorithms over standard k-anonymization for a hallmark
health care application where an insurance company wishes to understand the
risk in entering a new market. Furthermore, by empirically quantifying the
reidentification risk, we also show that the proposed approaches indeed
maintain k-anonymity.
|
HPX Smart Executors | The performance of many parallel applications depends on loop-level
parallelism. However, manually parallelizing all loops may result in degrading
parallel performance, as some of them cannot scale desirably to a large number
of threads. In addition, the overheads of manually tuning loop parameters might
prevent an application from reaching its maximum parallel performance. We
illustrate how machine learning techniques can be applied to address these
challenges. In this research, we develop a framework that is able to
automatically capture the static and dynamic information of a loop. Moreover,
we advocate a novel method by introducing HPX smart executors for determining
the execution policy, chunk size, and prefetching distance of an HPX loop to
achieve higher possible performance by feeding static information captured
during compilation and runtime-based dynamic information to our learning model.
Our evaluated execution results show that using these smart executors can speed
up the HPX execution process by around 12%-35% for the Matrix Multiplication,
Stream and $2D$ Stencil benchmarks compared to setting their HPX loop's
execution policy/parameters manually or using HPX auto-parallelization
techniques.
|
On Identification of Distribution Grids | Large-scale integration of distributed energy resources into residential
distribution feeders necessitates careful control of their operation through
power flow analysis. While the knowledge of the distribution system model is
crucial for this type of analysis, it is often unavailable or outdated. The
recent introduction of synchrophasor technology in low-voltage distribution
grids has created an unprecedented opportunity to learn this model from
high-precision, time-synchronized measurements of voltage and current phasors
at various locations. This paper focuses on joint estimation of model
parameters (admittance values) and operational structure of a poly-phase
distribution network from the available telemetry data via the lasso, a method
for regression shrinkage and selection. We propose tractable convex programs
capable of tackling the low rank structure of the distribution system and
develop an online algorithm for early detection and localization of critical
events that induce a change in the admittance matrix. The efficacy of these
techniques is corroborated through power flow studies on four three-phase
radial distribution systems serving real household demands.
|
Fisher-Rao Metric, Geometry, and Complexity of Neural Networks | We study the relationship between geometry and capacity measures for deep
neural networks from an invariance viewpoint. We introduce a new notion of
capacity --- the Fisher-Rao norm --- that possesses desirable invariance
properties and is motivated by Information Geometry. We discover an analytical
characterization of the new capacity measure, through which we establish
norm-comparison inequalities and further show that the new measure serves as an
umbrella for several existing norm-based complexity measures. We discuss upper
bounds on the generalization error induced by the proposed measure. Extensive
numerical experiments on CIFAR-10 support our theoretical findings. Our
theoretical analysis rests on a key structural lemma about partial derivatives
of multi-layer rectifier networks.
|
Wasserstein Auto-Encoders | We propose the Wasserstein Auto-Encoder (WAE)---a new algorithm for building
a generative model of the data distribution. WAE minimizes a penalized form of
the Wasserstein distance between the model distribution and the target
distribution, which leads to a different regularizer than the one used by the
Variational Auto-Encoder (VAE). This regularizer encourages the encoded
training distribution to match the prior. We compare our algorithm with several
other techniques and show that it is a generalization of adversarial
auto-encoders (AAE). Our experiments show that WAE shares many of the
properties of VAEs (stable training, encoder-decoder architecture, nice latent
manifold structure) while generating samples of better quality, as measured by
the FID score.
|
Machine Learning Approach to RF Transmitter Identification | With the development and widespread use of wireless devices in recent years
(mobile phones, Internet of Things, Wi-Fi), the electromagnetic spectrum has
become extremely crowded. In order to counter security threats posed by rogue
or unknown transmitters, it is important to identify RF transmitters not by the
data content of the transmissions but based on the intrinsic physical
characteristics of the transmitters. RF waveforms represent a particular
challenge because of the extremely high data rates involved and the potentially
large number of transmitters present in a given location. These factors outline
the need for rapid fingerprinting and identification methods that go beyond the
traditional hand-engineered approaches. In this study, we investigate the use
of machine learning (ML) strategies to the classification and identification
problems, and the use of wavelets to reduce the amount of data required. Four
different ML strategies are evaluated: deep neural nets (DNN), convolutional
neural nets (CNN), support vector machines (SVM), and multi-stage training
(MST) using accelerated Levenberg-Marquardt (A-LM) updates. The A-LM MST method
preconditioned by wavelets was by far the most accurate, achieving 100%
classification accuracy of transmitters, as tested using data originating from
12 different transmitters. We discuss strategies for extension of MST to a much
larger number of transmitters.
|
Stochastic Submodular Maximization: The Case of Coverage Functions | Stochastic optimization of continuous objectives is at the heart of modern
machine learning. However, many important problems are of discrete nature and
often involve submodular objectives. We seek to unleash the power of stochastic
continuous optimization, namely stochastic gradient descent and its variants,
to such discrete problems. We first introduce the problem of stochastic
submodular optimization, where one needs to optimize a submodular objective
which is given as an expectation. Our model captures situations where the
discrete objective arises as an empirical risk (e.g., in the case of
exemplar-based clustering), or is given as an explicit stochastic model (e.g.,
in the case of influence maximization in social networks). By exploiting that
common extensions act linearly on the class of submodular functions, we employ
projected stochastic gradient ascent and its variants in the continuous domain,
and perform rounding to obtain discrete solutions. We focus on the rich and
widely used family of weighted coverage functions. We show that our approach
yields solutions that are guaranteed to match the optimal approximation
guarantees, while reducing the computational cost by several orders of
magnitude, as we demonstrate empirically.
|
Robust Speech Recognition Using Generative Adversarial Networks | This paper describes a general, scalable, end-to-end framework that uses the
generative adversarial network (GAN) objective to enable robust speech
recognition. Encoders trained with the proposed approach enjoy improved
invariance by learning to map noisy audio to the same embedding space as that
of clean audio. Unlike previous methods, the new framework does not rely on
domain expertise or simplifying assumptions as are often needed in signal
processing, and directly encourages robustness in a data-driven way. We show
the new approach improves simulated far-field speech recognition of vanilla
sequence-to-sequence models without specialized front-ends or preprocessing.
|
Double Q($\sigma$) and Q($\sigma, \lambda$): Unifying Reinforcement
Learning Control Algorithms | Temporal-difference (TD) learning is an important field in reinforcement
learning. Sarsa and Q-Learning are among the most used TD algorithms. The
Q($\sigma$) algorithm (Sutton and Barto (2017)) unifies both. This paper
extends the Q($\sigma$) algorithm to an online multi-step algorithm Q($\sigma,
\lambda$) using eligibility traces and introduces Double Q($\sigma$) as the
extension of Q($\sigma$) to double learning. Experiments suggest that the new
Q($\sigma, \lambda$) algorithm can outperform the classical TD control methods
Sarsa($\lambda$), Q($\lambda$) and Q($\sigma$).
|
Wider and Deeper, Cheaper and Faster: Tensorized LSTMs for Sequence
Learning | Long Short-Term Memory (LSTM) is a popular approach to boosting the ability
of Recurrent Neural Networks to store longer term temporal information. The
capacity of an LSTM network can be increased by widening and adding layers.
However, usually the former introduces additional parameters, while the latter
increases the runtime. As an alternative we propose the Tensorized LSTM in
which the hidden states are represented by tensors and updated via a
cross-layer convolution. By increasing the tensor size, the network can be
widened efficiently without additional parameters since the parameters are
shared across different locations in the tensor; by delaying the output, the
network can be deepened implicitly with little additional runtime since deep
computations for each timestep are merged into temporal computations of the
sequence. Experiments conducted on five challenging sequence learning tasks
show the potential of the proposed model.
|
Is Input Sparsity Time Possible for Kernel Low-Rank Approximation? | Low-rank approximation is a common tool used to accelerate kernel methods:
the $n \times n$ kernel matrix $K$ is approximated via a rank-$k$ matrix
$\tilde K$ which can be stored in much less space and processed more quickly.
In this work we study the limits of computationally efficient low-rank kernel
approximation. We show that for a broad class of kernels, including the popular
Gaussian and polynomial kernels, computing a relative error $k$-rank
approximation to $K$ is at least as difficult as multiplying the input data
matrix $A \in \mathbb{R}^{n \times d}$ by an arbitrary matrix $C \in
\mathbb{R}^{d \times k}$. Barring a breakthrough in fast matrix multiplication,
when $k$ is not too large, this requires $\Omega(nnz(A)k)$ time where $nnz(A)$
is the number of non-zeros in $A$. This lower bound matches, in many parameter
regimes, recent work on subquadratic time algorithms for low-rank approximation
of general kernels [MM16,MW17], demonstrating that these algorithms are
unlikely to be significantly improved, in particular to $O(nnz(A))$ input
sparsity runtimes. At the same time there is hope: we show for the first time
that $O(nnz(A))$ time approximation is possible for general radial basis
function kernels (e.g., the Gaussian kernel) for the closely related problem of
low-rank approximation of the kernelized dataset.
|
The Effect of Communication on Noncooperative Multiplayer Multi-Armed
Bandit Problems | We consider decentralized stochastic multi-armed bandit problem with multiple
players in the case of different communication probabilities between players.
Each player makes a decision of pulling an arm without cooperation while aiming
to maximize his or her reward but informs his or her neighbors in the end of
every turn about the arm he or she pulled and the reward he or she got.
Neighbors of players are determined according to an Erdos-Renyi graph with
which is reproduced in the beginning of every turn. We consider i.i.d. rewards
generated by a Bernoulli distribution and assume that players are unaware about
the arms' probability distributions and their mean values. In case of a
collision, we assume that only one of the players who is randomly chosen gets
the reward where the others get zero reward. We study the effects of
connectivity, the degree of communication between players, on the cumulative
regret using well-known algorithms UCB1, epsilon-Greedy and Thompson Sampling.
|
Strategies for Conceptual Change in Convolutional Neural Networks | A remarkable feature of human beings is their capacity for creative
behaviour, referring to their ability to react to problems in ways that are
novel, surprising, and useful. Transformational creativity is a form of
creativity where the creative behaviour is induced by a transformation of the
actor's conceptual space, that is, the representational system with which the
actor interprets its environment. In this report, we focus on ways of adapting
systems of learned representations as they switch from performing one task to
performing another. We describe an experimental comparison of multiple
strategies for adaptation of learned features, and evaluate how effectively
each of these strategies realizes the adaptation, in terms of the amount of
training, and in terms of their ability to cope with restricted availability of
training data. We show, among other things, that across handwritten digits,
natural images, and classical music, adaptive strategies are systematically
more effective than a baseline method that starts learning from scratch.
|
Performance Comparison of Algorithms for Movie Rating Estimation | In this paper, our goal is to compare performances of three different
algorithms to predict the ratings that will be given to movies by potential
users where we are given a user-movie rating matrix based on the past
observations. To this end, we evaluate User-Based Collaborative Filtering,
Iterative Matrix Factorization and Yehuda Koren's Integrated model using
neighborhood and factorization where we use root mean square error (RMSE) as
the performance evaluation metric. In short, we do not observe significant
differences between performances, especially when the complexity increase is
considered. We can conclude that Iterative Matrix Factorization performs fairly
well despite its simplicity.
|
Approximating Partition Functions in Constant Time | We study approximations of the partition function of dense graphical models.
Partition functions of graphical models play a fundamental role is statistical
physics, in statistics and in machine learning. Two of the main methods for
approximating the partition function are Markov Chain Monte Carlo and
Variational Methods. An impressive body of work in mathematics, physics and
theoretical computer science provides conditions under which Markov Chain Monte
Carlo methods converge in polynomial time. These methods often lead to
polynomial time approximation algorithms for the partition function in cases
where the underlying model exhibits correlation decay. There are very few
theoretical guarantees for the performance of variational methods. One
exception is recent results by Risteski (2016) who considered dense graphical
models and showed that using variational methods, it is possible to find an
$O(\epsilon n)$ additive approximation to the log partition function in time
$n^{O(1/\epsilon^2)}$ even in a regime where correlation decay does not hold.
We show that under essentially the same conditions, an $O(\epsilon n)$
additive approximation of the log partition function can be found in constant
time, independent of $n$. In particular, our results cover dense Ising and
Potts models as well as dense graphical models with $k$-wise interaction. They
also apply for low threshold rank models.
|
Conditional Gradient Method for Stochastic Submodular Maximization:
Closing the Gap | In this paper, we study the problem of \textit{constrained} and
\textit{stochastic} continuous submodular maximization. Even though the
objective function is not concave (nor convex) and is defined in terms of an
expectation, we develop a variant of the conditional gradient method, called
\alg, which achieves a \textit{tight} approximation guarantee. More precisely,
for a monotone and continuous DR-submodular function and subject to a
\textit{general} convex body constraint, we prove that \alg achieves a
$[(1-1/e)\text{OPT} -\eps]$ guarantee (in expectation) with
$\mathcal{O}{(1/\eps^3)}$ stochastic gradient computations. This guarantee
matches the known hardness results and closes the gap between deterministic and
stochastic continuous submodular maximization. By using stochastic continuous
optimization as an interface, we also provide the first $(1-1/e)$ tight
approximation guarantee for maximizing a \textit{monotone but stochastic}
submodular \textit{set} function subject to a general matroid constraint.
|
Label-driven weakly-supervised learning for multimodal deformable image
registration | Spatially aligning medical images from different modalities remains a
challenging task, especially for intraoperative applications that require fast
and robust algorithms. We propose a weakly-supervised, label-driven formulation
for learning 3D voxel correspondence from higher-level label correspondence,
thereby bypassing classical intensity-based image similarity measures. During
training, a convolutional neural network is optimised by outputting a dense
displacement field (DDF) that warps a set of available anatomical labels from
the moving image to match their corresponding counterparts in the fixed image.
These label pairs, including solid organs, ducts, vessels, point landmarks and
other ad hoc structures, are only required at training time and can be
spatially aligned by minimising a cross-entropy function of the warped moving
label and the fixed label. During inference, the trained network takes a new
image pair to predict an optimal DDF, resulting in a fully-automatic,
label-free, real-time and deformable registration. For interventional
applications where large global transformation prevails, we also propose a
neural network architecture to jointly optimise the global- and local
displacements. Experiment results are presented based on cross-validating
registrations of 111 pairs of T2-weighted magnetic resonance images and 3D
transrectal ultrasound images from prostate cancer patients with a total of
over 4000 anatomical labels, yielding a median target registration error of 4.2
mm on landmark centroids and a median Dice of 0.88 on prostate glands.
|
RoboCupSimData: A RoboCup soccer research dataset | RoboCup is an international scientific robot competition in which teams of
multiple robots compete against each other. Its different leagues provide many
sources of robotics data, that can be used for further analysis and application
of machine learning. This paper describes a large dataset from games of some of
the top teams (from 2016 and 2017) in RoboCup Soccer Simulation League (2D),
where teams of 11 robots (agents) compete against each other. Overall, we used
10 different teams to play each other, resulting in 45 unique pairings. For
each pairing, we ran 25 matches (of 10mins), leading to 1125 matches or more
than 180 hours of game play. The generated CSV files are 17GB of data (zipped),
or 229GB (unzipped). The dataset is unique in the sense that it contains both
the ground truth data (global, complete, noise-free information of all objects
on the field), as well as the noisy, local and incomplete percepts of each
robot. These data are made available as CSV files, as well as in the original
soccer simulator formats.
|
Model-free Nonconvex Matrix Completion: Local Minima Analysis and
Applications in Memory-efficient Kernel PCA | This work studies low-rank approximation of a positive semidefinite matrix
from partial entries via nonconvex optimization. We characterized how well
local-minimum based low-rank factorization approximates a fixed positive
semidefinite matrix without any assumptions on the rank-matching, the condition
number or eigenspace incoherence parameter. Furthermore, under certain
assumptions on rank-matching and well-boundedness of condition numbers and
eigenspace incoherence parameters, a corollary of our main theorem improves the
state-of-the-art sampling rate results for nonconvex matrix completion with no
spurious local minima in Ge et al. [2016, 2017]. In addition, we investigated
when the proposed nonconvex optimization results in accurate low-rank
approximations even in presence of large condition numbers, large incoherence
parameters, or rank mismatching. We also propose to apply the nonconvex
optimization to memory-efficient Kernel PCA. Compared to the well-known
Nystr\"{o}m methods, numerical experiments indicate that the proposed nonconvex
optimization approach yields more stable results in both low-rank approximation
and clustering.
|
KGAN: How to Break The Minimax Game in GAN | Generative Adversarial Networks (GANs) were intuitively and attractively
explained under the perspective of game theory, wherein two involving parties
are a discriminator and a generator. In this game, the task of the
discriminator is to discriminate the real and generated (i.e., fake) data,
whilst the task of the generator is to generate the fake data that maximally
confuses the discriminator. In this paper, we propose a new viewpoint for GANs,
which is termed as the minimizing general loss viewpoint. This viewpoint shows
a connection between the general loss of a classification problem regarding a
convex loss function and a f-divergence between the true and fake data
distributions. Mathematically, we proposed a setting for the classification
problem of the true and fake data, wherein we can prove that the general loss
of this classification problem is exactly the negative f-divergence for a
certain convex function f. This allows us to interpret the problem of learning
the generator for dismissing the f-divergence between the true and fake data
distributions as that of maximizing the general loss which is equivalent to the
min-max problem in GAN if the Logistic loss is used in the classification
problem. However, this viewpoint strengthens GANs in two ways. First, it allows
us to employ any convex loss function for the discriminator. Second, it
suggests that rather than limiting ourselves in NN-based discriminators, we can
alternatively utilize other powerful families. Bearing this viewpoint, we then
propose using the kernel-based family for discriminators. This family has two
appealing features: i) a powerful capacity in classifying non-linear nature
data and ii) being convex in the feature space. Using the convexity of this
family, we can further develop Fenchel duality to equivalently transform the
max-min problem to the max-max dual problem.
|
Learning Solving Procedure for Artificial Neural Network | It is expected that progress toward true artificial intelligence will be
achieved through the emergence of a system that integrates representation
learning and complex reasoning (LeCun et al. 2015). In response to this
prediction, research has been conducted on implementing the symbolic reasoning
of a von Neumann computer in an artificial neural network (Graves et al. 2016;
Graves et al. 2014; Reed et al. 2015). However, these studies have many
limitations in realizing neural-symbolic integration (Jaeger. 2016). Here, we
present a new learning paradigm: a learning solving procedure (LSP) that learns
the procedure for solving complex problems. This is not accomplished merely by
learning input-output data, but by learning algorithms through a solving
procedure that obtains the output as a sequence of tasks for a given input
problem. The LSP neural network system not only learns simple problems of
addition and multiplication, but also the algorithms of complicated problems,
such as complex arithmetic expression, sorting, and Hanoi Tower. To realize
this, the LSP neural network structure consists of a deep neural network and
long short-term memory, which are recursively combined. Through
experimentation, we demonstrate the efficiency and scalability of LSP and its
validity as a mechanism of complex reasoning.
|
AdaBatch: Efficient Gradient Aggregation Rules for Sequential and
Parallel Stochastic Gradient Methods | We study a new aggregation operator for gradients coming from a mini-batch
for stochastic gradient (SG) methods that allows a significant speed-up in the
case of sparse optimization problems. We call this method AdaBatch and it only
requires a few lines of code change compared to regular mini-batch SGD
algorithms. We provide a theoretical insight to understand how this new class
of algorithms is performing and show that it is equivalent to an implicit
per-coordinate rescaling of the gradients, similarly to what Adagrad methods
can do. In theory and in practice, this new aggregation allows to keep the same
sample efficiency of SG methods while increasing the batch size.
Experimentally, we also show that in the case of smooth convex optimization,
our procedure can even obtain a better loss when increasing the batch size for
a fixed number of samples. We then apply this new algorithm to obtain a
parallelizable stochastic gradient method that is synchronous but allows
speed-up on par with Hogwild! methods as convergence does not deteriorate with
the increase of the batch size. The same approach can be used to make
mini-batch provably efficient for variance-reduced SG methods such as SVRG.
|
Towards Reverse-Engineering Black-Box Neural Networks | Many deployed learned models are black boxes: given input, returns output.
Internal information about the model, such as the architecture, optimisation
procedure, or training data, is not disclosed explicitly as it might contain
proprietary information or make the system more vulnerable. This work shows
that such attributes of neural networks can be exposed from a sequence of
queries. This has multiple implications. On the one hand, our work exposes the
vulnerability of black-box neural networks to different types of attacks -- we
show that the revealed internal information helps generate more effective
adversarial examples against the black box model. On the other hand, this
technique can be used for better protection of private content from automatic
recognition models using adversarial examples. Our paper suggests that it is
actually hard to draw a line between white box and black box models.
|
Simultaneous Block-Sparse Signal Recovery Using Pattern-Coupled Sparse
Bayesian Learning | In this paper, we consider the block-sparse signals recovery problem in the
context of multiple measurement vectors (MMV) with common row sparsity
patterns. We develop a new method for recovery of common row sparsity MMV
signals, where a pattern-coupled hierarchical Gaussian prior model is
introduced to characterize both the block-sparsity of the coefficients and the
statistical dependency between neighboring coefficients of the common row
sparsity MMV signals. Unlike many other methods, the proposed method is able to
automatically capture the block sparse structure of the unknown signal. Our
method is developed using an expectation-maximization (EM) framework.
Simulation results show that our proposed method offers competitive performance
in recovering block-sparse common row sparsity pattern MMV signals.
|
Online Tool Condition Monitoring Based on Parsimonious Ensemble+ | Accurate diagnosis of tool wear in metal turning process remains an open
challenge for both scientists and industrial practitioners because of
inhomogeneities in workpiece material, nonstationary machining settings to suit
production requirements, and nonlinear relations between measured variables and
tool wear. Common methodologies for tool condition monitoring still rely on
batch approaches which cannot cope with a fast sampling rate of metal cutting
process. Furthermore they require a retraining process to be completed from
scratch when dealing with a new set of machining parameters. This paper
presents an online tool condition monitoring approach based on Parsimonious
Ensemble+, pENsemble+. The unique feature of pENsemble+ lies in its highly
flexible principle where both ensemble structure and base-classifier structure
can automatically grow and shrink on the fly based on the characteristics of
data streams. Moreover, the online feature selection scenario is integrated to
actively sample relevant input attributes. The paper presents advancement of a
newly developed ensemble learning algorithm, pENsemble+, where online active
learning scenario is incorporated to reduce operator labelling effort. The
ensemble merging scenario is proposed which allows reduction of ensemble
complexity while retaining its diversity. Experimental studies utilising
real-world manufacturing data streams and comparisons with well known
algorithms were carried out. Furthermore, the efficacy of pENsemble was
examined using benchmark concept drift data streams. It has been found that
pENsemble+ incurs low structural complexity and results in a significant
reduction of operator labelling effort.
|
Fast amortized inference of neural activity from calcium imaging data
with variational autoencoders | Calcium imaging permits optical measurement of neural activity. Since
intracellular calcium concentration is an indirect measurement of neural
activity, computational tools are necessary to infer the true underlying
spiking activity from fluorescence measurements. Bayesian model inversion can
be used to solve this problem, but typically requires either computationally
expensive MCMC sampling, or faster but approximate maximum-a-posteriori
optimization. Here, we introduce a flexible algorithmic framework for fast,
efficient and accurate extraction of neural spikes from imaging data. Using the
framework of variational autoencoders, we propose to amortize inference by
training a deep neural network to perform model inversion efficiently. The
recognition network is trained to produce samples from the posterior
distribution over spike trains. Once trained, performing inference amounts to a
fast single forward pass through the network, without the need for iterative
optimization or sampling. We show that amortization can be applied flexibly to
a wide range of nonlinear generative models and significantly improves upon the
state of the art in computation time, while achieving competitive accuracy. Our
framework is also able to represent posterior distributions over spike-trains.
We demonstrate the generality of our method by proposing the first
probabilistic approach for separating backpropagating action potentials from
putative synaptic inputs in calcium imaging of dendritic spines.
|
Interpretable Feature Recommendation for Signal Analytics | This paper presents an automated approach for interpretable feature
recommendation for solving signal data analytics problems. The method has been
tested by performing experiments on datasets in the domain of prognostics where
interpretation of features is considered very important. The proposed approach
is based on Wide Learning architecture and provides means for interpretation of
the recommended features. It is to be noted that such an interpretation is not
available with feature learning approaches like Deep Learning (such as
Convolutional Neural Network) or feature transformation approaches like
Principal Component Analysis. Results show that the feature recommendation and
interpretation techniques are quite effective for the problems at hand in terms
of performance and drastic reduction in time to develop a solution. It is
further shown by an example, how this human-in-loop interpretation system can
be used as a prescriptive system.
|
Deformable Deep Convolutional Generative Adversarial Network in
Microwave Based Hand Gesture Recognition System | Traditional vision-based hand gesture recognition systems is limited under
dark circumstances. In this paper, we build a hand gesture recognition system
based on microwave transceiver and deep learning algorithm. A Doppler radar
sensor with dual receiving channels at 5.8GHz is used to acquire a big database
of hand gestures signals. The received hand gesture signals are then processed
with time-frequency analysis. Based on these big databases of hand gesture, we
propose a new machine learning architecture called deformable deep
convolutional generative adversarial network. Experimental results show the new
architecture can upgrade the recognition rate by 10% and the deformable kernel
can reduce the testing time cost by 30%.
|
Optimal transport maps for distribution preserving operations on latent
spaces of Generative Models | Generative models such as Variational Auto Encoders (VAEs) and Generative
Adversarial Networks (GANs) are typically trained for a fixed prior
distribution in the latent space, such as uniform or Gaussian. After a trained
model is obtained, one can sample the Generator in various forms for
exploration and understanding, such as interpolating between two samples,
sampling in the vicinity of a sample or exploring differences between a pair of
samples applied to a third sample. In this paper, we show that the latent space
operations used in the literature so far induce a distribution mismatch between
the resulting outputs and the prior distribution the model was trained on. To
address this, we propose to use distribution matching transport maps to ensure
that such latent space operations preserve the prior distribution, while
minimally modifying the original operation. Our experimental results validate
that the proposed operations give higher quality samples compared to the
original operations.
|
Estimating Cosmological Parameters from the Dark Matter Distribution | A grand challenge of the 21st century cosmology is to accurately estimate the
cosmological parameters of our Universe. A major approach to estimating the
cosmological parameters is to use the large-scale matter distribution of the
Universe. Galaxy surveys provide the means to map out cosmic large-scale
structure in three dimensions. Information about galaxy locations is typically
summarized in a "single" function of scale, such as the galaxy correlation
function or power-spectrum. We show that it is possible to estimate these
cosmological parameters directly from the distribution of matter. This paper
presents the application of deep 3D convolutional networks to volumetric
representation of dark-matter simulations as well as the results obtained using
a recently proposed distribution regression framework, showing that machine
learning techniques are comparable to, and can sometimes outperform,
maximum-likelihood point estimates using "cosmological models". This opens the
way to estimating the parameters of our Universe with higher accuracy.
|
An efficient quantum algorithm for generative machine learning | A central task in the field of quantum computing is to find applications
where quantum computer could provide exponential speedup over any classical
computer. Machine learning represents an important field with broad
applications where quantum computer may offer significant speedup. Several
quantum algorithms for discriminative machine learning have been found based on
efficient solving of linear algebraic problems, with potential exponential
speedup in runtime under the assumption of effective input from a quantum
random access memory. In machine learning, generative models represent another
large class which is widely used for both supervised and unsupervised learning.
Here, we propose an efficient quantum algorithm for machine learning based on a
quantum generative model. We prove that our proposed model is exponentially
more powerful to represent probability distributions compared with classical
generative models and has exponential speedup in training and inference at
least for some instances under a reasonable assumption in computational
complexity theory. Our result opens a new direction for quantum machine
learning and offers a remarkable example in which a quantum algorithm shows
exponential improvement over any classical algorithm in an important
application field.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.