title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Self-Similar Epochs: Value in Arrangement | Optimization of machine learning models is commonly performed through
stochastic gradient updates on randomly ordered training examples. This
practice means that sub-epochs comprise of independent random samples of the
training data that may not preserve informative structure present in the full
data. We hypothesize that the training can be more effective with {\em
self-similar} arrangements that potentially allow each epoch to provide
benefits of multiple ones. We study this for "matrix factorization" -- the
common task of learning metric embeddings of entities such as queries, videos,
or words from example pairwise associations. We construct arrangements that
preserve the weighted Jaccard similarities of rows and columns and
experimentally observe training acceleration of 3\%-37\% on synthetic and
recommendation datasets. Principled arrangements of training examples emerge as
a novel and potentially powerful enhancement to SGD that merits further
exploration.
|
On the Universal Approximation Property and Equivalence of Stochastic
Computing-based Neural Networks and Binary Neural Networks | Large-scale deep neural networks are both memory intensive and
computation-intensive, thereby posing stringent requirements on the computing
platforms. Hardware accelerations of deep neural networks have been extensively
investigated in both industry and academia. Specific forms of binary neural
networks (BNNs) and stochastic computing based neural networks (SCNNs) are
particularly appealing to hardware implementations since they can be
implemented almost entirely with binary operations. Despite the obvious
advantages in hardware implementation, these approximate computing techniques
are questioned by researchers in terms of accuracy and universal applicability.
Also it is important to understand the relative pros and cons of SCNNs and BNNs
in theory and in actual hardware implementations. In order to address these
concerns, in this paper we prove that the "ideal" SCNNs and BNNs satisfy the
universal approximation property with probability 1 (due to the stochastic
behavior). The proof is conducted by first proving the property for SCNNs from
the strong law of large numbers, and then using SCNNs as a "bridge" to prove
for BNNs. Based on the universal approximation property, we further prove that
SCNNs and BNNs exhibit the same energy complexity. In other words, they have
the same asymptotic energy consumption with the growing of network size. We
also provide a detailed analysis of the pros and cons of SCNNs and BNNs for
hardware implementations and conclude that SCNNs are more suitable for
hardware.
|
Redundancy Techniques for Straggler Mitigation in Distributed
Optimization and Learning | Performance of distributed optimization and learning systems is bottlenecked
by "straggler" nodes and slow communication links, which significantly delay
computation. We propose a distributed optimization framework where the dataset
is "encoded" to have an over-complete representation with built-in redundancy,
and the straggling nodes in the system are dynamically left out of the
computation at every iteration, whose loss is compensated by the embedded
redundancy. We show that oblivious application of several popular optimization
algorithms on encoded data, including gradient descent, L-BFGS, proximal
gradient under data parallelism, and coordinate descent under model
parallelism, converge to either approximate or exact solutions of the original
problem when stragglers are treated as erasures. These convergence results are
deterministic, i.e., they establish sample path convergence for arbitrary
sequences of delay patterns or distributions on the nodes, and are independent
of the tail behavior of the delay distribution. We demonstrate that equiangular
tight frames have desirable properties as encoding matrices, and propose
efficient mechanisms for encoding large-scale data. We implement the proposed
technique on Amazon EC2 clusters, and demonstrate its performance over several
learning problems, including matrix factorization, LASSO, ridge regression and
logistic regression, and compare the proposed method with uncoded,
asynchronous, and data replication strategies.
|
Imitation Learning with Concurrent Actions in 3D Games | In this work we describe a novel deep reinforcement learning architecture
that allows multiple actions to be selected at every time-step in an efficient
manner. Multi-action policies allow complex behaviours to be learnt that would
otherwise be hard to achieve when using single action selection techniques. We
use both imitation learning and temporal difference (TD) reinforcement learning
(RL) to provide a 4x improvement in training time and 2.5x improvement in
performance over single action selection TD RL. We demonstrate the capabilities
of this network using a complex in-house 3D game. Mimicking the behavior of the
expert teacher significantly improves world state exploration and allows the
agents vision system to be trained more rapidly than TD RL alone. This initial
training technique kick-starts TD learning and the agent quickly learns to
surpass the capabilities of the expert.
|
Averaging Weights Leads to Wider Optima and Better Generalization | Deep neural networks are typically trained by optimizing a loss function with
an SGD variant, in conjunction with a decaying learning rate, until
convergence. We show that simple averaging of multiple points along the
trajectory of SGD, with a cyclical or constant learning rate, leads to better
generalization than conventional training. We also show that this Stochastic
Weight Averaging (SWA) procedure finds much flatter solutions than SGD, and
approximates the recent Fast Geometric Ensembling (FGE) approach with a single
model. Using SWA we achieve notable improvement in test accuracy over
conventional SGD training on a range of state-of-the-art residual networks,
PyramidNets, DenseNets, and Shake-Shake networks on CIFAR-10, CIFAR-100, and
ImageNet. In short, SWA is extremely easy to implement, improves
generalization, and has almost no computational overhead.
|
Generalised Structural CNNs (SCNNs) for time series data with arbitrary
graph topology | Deep Learning methods, specifically convolutional neural networks (CNNs),
have seen a lot of success in the domain of image-based data, where the data
offers a clearly structured topology in the regular lattice of pixels. This
4-neighbourhood topological simplicity makes the application of convolutional
masks straightforward for time series data, such as video applications, but
many high-dimensional time series data are not organised in regular lattices,
and instead values may have adjacency relationships with non-trivial
topologies, such as small-world networks or trees. In our application case,
human kinematics, it is currently unclear how to generalise convolutional
kernels in a principled manner. Therefore we define and implement here a
framework for general graph-structured CNNs for time series analysis. Our
algorithm automatically builds convolutional layers using the specified
adjacency matrix of the data dimensions and convolutional masks that scale with
the hop distance. In the limit of a lattice-topology our method produces the
well-known image convolutional masks. We test our method first on synthetic
data of arbitrarily-connected graphs and human hand motion capture data, where
the hand is represented by a tree capturing the mechanical dependencies of the
joints. We are able to demonstrate, amongst other things, that inclusion of the
graph structure of the data dimensions improves model prediction significantly,
when compared against a benchmark CNN model with only time convolution layers.
|
A Hierarchical Latent Vector Model for Learning Long-Term Structure in
Music | The Variational Autoencoder (VAE) has proven to be an effective model for
producing semantically meaningful latent representations for natural data.
However, it has thus far seen limited application to sequential data, and, as
we demonstrate, existing recurrent VAE models have difficulty modeling
sequences with long-term structure. To address this issue, we propose the use
of a hierarchical decoder, which first outputs embeddings for subsequences of
the input and then uses these embeddings to generate each subsequence
independently. This structure encourages the model to utilize its latent code,
thereby avoiding the "posterior collapse" problem, which remains an issue for
recurrent VAEs. We apply this architecture to modeling sequences of musical
notes and find that it exhibits dramatically better sampling, interpolation,
and reconstruction performance than a "flat" baseline model. An implementation
of our "MusicVAE" is available online at http://g.co/magenta/musicvae-code.
|
SUSTain: Scalable Unsupervised Scoring for Tensors and its Application
to Phenotyping | This paper presents a new method, which we call SUSTain, that extends
real-valued matrix and tensor factorizations to data where values are integers.
Such data are common when the values correspond to event counts or ordinal
measures. The conventional approach is to treat integer data as real, and then
apply real-valued factorizations. However, doing so fails to preserve important
characteristics of the original data, thereby making it hard to interpret the
results. Instead, our approach extracts factor values from integer datasets as
scores that are constrained to take values from a small integer set. These
scores are easy to interpret: a score of zero indicates no feature contribution
and higher scores indicate distinct levels of feature importance.
At its core, SUSTain relies on: a) a problem partitioning into
integer-constrained subproblems, so that they can be optimally solved in an
efficient manner; and b) organizing the order of the subproblems' solution, to
promote reuse of shared intermediate results. We propose two variants,
SUSTain_M and SUSTain_T, to handle both matrix and tensor inputs, respectively.
We evaluate SUSTain against several state-of-the-art baselines on both
synthetic and real Electronic Health Record (EHR) datasets. Comparing to those
baselines, SUSTain shows either significantly better fit or orders of magnitude
speedups that achieve a comparable fit (up to 425X faster). We apply SUSTain to
EHR datasets to extract patient phenotypes (i.e., clinically meaningful patient
clusters). Furthermore, 87% of them were validated as clinically meaningful
phenotypes related to heart failure by a cardiologist.
|
Minimal I-MAP MCMC for Scalable Structure Discovery in Causal DAG Models | Learning a Bayesian network (BN) from data can be useful for decision-making
or discovering causal relationships. However, traditional methods often fail in
modern applications, which exhibit a larger number of observed variables than
data points. The resulting uncertainty about the underlying network as well as
the desire to incorporate prior information recommend a Bayesian approach to
learning the BN, but the highly combinatorial structure of BNs poses a striking
challenge for inference. The current state-of-the-art methods such as order
MCMC are faster than previous methods but prevent the use of many natural
structural priors and still have running time exponential in the maximum
indegree of the true directed acyclic graph (DAG) of the BN. We here propose an
alternative posterior approximation based on the observation that, if we
incorporate empirical conditional independence tests, we can focus on a
high-probability DAG associated with each order of the vertices. We show that
our method allows the desired flexibility in prior specification, removes
timing dependence on the maximum indegree and yields provably good posterior
approximations; in addition, we show that it achieves superior accuracy,
scalability, and sampler mixing on several datasets.
|
Improving GANs Using Optimal Transport | We present Optimal Transport GAN (OT-GAN), a variant of generative
adversarial nets minimizing a new metric measuring the distance between the
generator distribution and the data distribution. This metric, which we call
mini-batch energy distance, combines optimal transport in primal form with an
energy distance defined in an adversarially learned feature space, resulting in
a highly discriminative distance function with unbiased mini-batch gradients.
Experimentally we show OT-GAN to be highly stable when trained with large
mini-batches, and we present state-of-the-art results on several popular
benchmark problems for image generation.
|
On the insufficiency of existing momentum schemes for Stochastic
Optimization | Momentum based stochastic gradient methods such as heavy ball (HB) and
Nesterov's accelerated gradient descent (NAG) method are widely used in
practice for training deep networks and other supervised learning models, as
they often provide significant improvements over stochastic gradient descent
(SGD). Rigorously speaking, "fast gradient" methods have provable improvements
over gradient descent only for the deterministic case, where the gradients are
exact. In the stochastic case, the popular explanations for their wide
applicability is that when these fast gradient methods are applied in the
stochastic case, they partially mimic their exact gradient counterparts,
resulting in some practical gain. This work provides a counterpoint to this
belief by proving that there exist simple problem instances where these methods
cannot outperform SGD despite the best setting of its parameters. These
negative problem instances are, in an informal sense, generic; they do not look
like carefully constructed pathological instances. These results suggest (along
with empirical evidence) that HB or NAG's practical performance gains are a
by-product of mini-batching.
Furthermore, this work provides a viable (and provable) alternative, which,
on the same set of problem instances, significantly improves over HB, NAG, and
SGD's performance. This algorithm, referred to as Accelerated Stochastic
Gradient Descent (ASGD), is a simple to implement stochastic algorithm, based
on a relatively less popular variant of Nesterov's Acceleration. Extensive
empirical results in this paper show that ASGD has performance gains over HB,
NAG, and SGD.
|
Large Margin Deep Networks for Classification | We present a formulation of deep learning that aims at producing a large
margin classifier. The notion of margin, minimum distance to a decision
boundary, has served as the foundation of several theoretically profound and
empirically successful results for both classification and regression tasks.
However, most large margin algorithms are applicable only to shallow models
with a preset feature representation; and conventional margin methods for
neural networks only enforce margin at the output layer. Such methods are
therefore not well suited for deep networks.
In this work, we propose a novel loss function to impose a margin on any
chosen set of layers of a deep network (including input and hidden layers). Our
formulation allows choosing any norm on the metric measuring the margin. We
demonstrate that the decision boundary obtained by our loss has nice properties
compared to standard classification loss functions. Specifically, we show
improved empirical results on the MNIST, CIFAR-10 and ImageNet datasets on
multiple tasks: generalization from small training sets, corrupted labels, and
robustness against adversarial perturbations. The resulting loss is general and
complementary to existing data augmentation (such as random/adversarial input
transform) and regularization techniques (such as weight decay, dropout, and
batch norm).
|
Reconstructing Gaussian sources by spatial sampling | Consider a Gaussian memoryless multiple source with $m$ components with joint
probability distribution known only to lie in a given class of distributions. A
subset of $k \leq m$ components are sampled and compressed with the objective
of reconstructing all the $m$ components within a specified level of distortion
under a mean-squared error criterion. In Bayesian and nonBayesian settings, the
notion of universal sampling rate distortion function for Gaussian sources is
introduced to capture the optimal tradeoffs among sampling, compression rate
and distortion level. Single-letter characterizations are provided for the
universal sampling rate distortion function. Our achievability proofs highlight
the following structural property: it is optimal to compress and reconstruct
first the sampled components of the GMMS alone, and then form estimates for the
unsampled components based on the former.
|
Proximal SCOPE for Distributed Sparse Learning: Better Data Partition
Implies Faster Convergence Rate | Distributed sparse learning with a cluster of multiple machines has attracted
much attention in machine learning, especially for large-scale applications
with high-dimensional data. One popular way to implement sparse learning is to
use $L_1$ regularization. In this paper, we propose a novel method, called
proximal \mbox{SCOPE}~(\mbox{pSCOPE}), for distributed sparse learning with
$L_1$ regularization. pSCOPE is based on a \underline{c}ooperative
\underline{a}utonomous \underline{l}ocal \underline{l}earning~(\mbox{CALL})
framework. In the \mbox{CALL} framework of \mbox{pSCOPE}, we find that the data
partition affects the convergence of the learning procedure, and subsequently
we define a metric to measure the goodness of a data partition. Based on the
defined metric, we theoretically prove that pSCOPE is convergent with a linear
convergence rate if the data partition is good enough. We also prove that
better data partition implies faster convergence rate. Furthermore, pSCOPE is
also communication efficient. Experimental results on real data sets show that
pSCOPE can outperform other state-of-the-art distributed methods for sparse
learning.
|
Sylvester Normalizing Flows for Variational Inference | Variational inference relies on flexible approximate posterior distributions.
Normalizing flows provide a general recipe to construct flexible variational
posteriors. We introduce Sylvester normalizing flows, which can be seen as a
generalization of planar flows. Sylvester normalizing flows remove the
well-known single-unit bottleneck from planar flows, making a single
transformation much more flexible. We compare the performance of Sylvester
normalizing flows against planar flows and inverse autoregressive flows and
demonstrate that they compare favorably on several datasets.
|
Fast Subspace Clustering Based on the Kronecker Product | Subspace clustering is a useful technique for many computer vision
applications in which the intrinsic dimension of high-dimensional data is often
smaller than the ambient dimension. Spectral clustering, as one of the main
approaches to subspace clustering, often takes on a sparse representation or a
low-rank representation to learn a block diagonal self-representation matrix
for subspace generation. However, existing methods require solving a large
scale convex optimization problem with a large set of data, with computational
complexity reaches O(N^3) for N data points. Therefore, the efficiency and
scalability of traditional spectral clustering methods can not be guaranteed
for large scale datasets. In this paper, we propose a subspace clustering model
based on the Kronecker product. Due to the property that the Kronecker product
of a block diagonal matrix with any other matrix is still a block diagonal
matrix, we can efficiently learn the representation matrix which is formed by
the Kronecker product of k smaller matrices. By doing so, our model
significantly reduces the computational complexity to O(kN^{3/k}). Furthermore,
our model is general in nature, and can be adapted to different regularization
based subspace clustering methods. Experimental results on two public datasets
show that our model significantly improves the efficiency compared with several
state-of-the-art methods. Moreover, we have conducted experiments on synthetic
data to verify the scalability of our model for large scale datasets.
|
Training of Convolutional Networks on Multiple Heterogeneous Datasets
for Street Scene Semantic Segmentation | We propose a convolutional network with hierarchical classifiers for
per-pixel semantic segmentation, which is able to be trained on multiple,
heterogeneous datasets and exploit their semantic hierarchy. Our network is the
first to be simultaneously trained on three different datasets from the
intelligent vehicles domain, i.e. Cityscapes, GTSDB and Mapillary Vistas, and
is able to handle different semantic level-of-detail, class imbalances, and
different annotation types, i.e. dense per-pixel and sparse bounding-box
labels. We assess our hierarchical approach, by comparing against flat,
non-hierarchical classifiers and we show improvements in mean pixel accuracy of
13.0% for Cityscapes classes and 2.4% for Vistas classes and 32.3% for GTSDB
classes. Our implementation achieves inference rates of 17 fps at a resolution
of 520x706 for 108 classes running on a GPU.
|
Rearrangement with Nonprehensile Manipulation Using Deep Reinforcement
Learning | Rearranging objects on a tabletop surface by means of nonprehensile
manipulation is a task which requires skillful interaction with the physical
world. Usually, this is achieved by precisely modeling physical properties of
the objects, robot, and the environment for explicit planning. In contrast, as
explicitly modeling the physical environment is not always feasible and
involves various uncertainties, we learn a nonprehensile rearrangement strategy
with deep reinforcement learning based on only visual feedback. For this, we
model the task with rewards and train a deep Q-network. Our potential
field-based heuristic exploration strategy reduces the amount of collisions
which lead to suboptimal outcomes and we actively balance the training set to
avoid bias towards poor examples. Our training process leads to quicker
learning and better performance on the task as compared to uniform exploration
and standard experience replay. We demonstrate empirical evidence from
simulation that our method leads to a success rate of 85%, show that our system
can cope with sudden changes of the environment, and compare our performance
with human level performance.
|
PAC-Reasoning in Relational Domains | We consider the problem of predicting plausible missing facts in relational
data, given a set of imperfect logical rules. In particular, our aim is to
provide bounds on the (expected) number of incorrect inferences that are made
in this way. Since for classical inference it is in general impossible to bound
this number in a non-trivial way, we consider two inference relations that
weaken, but remain close in spirit to classical inference.
|
Gaussian Processes Over Graphs | We propose Gaussian processes for signals over graphs (GPG) using the apriori
knowledge that the target vectors lie over a graph. We incorporate this
information using a graph- Laplacian based regularization which enforces the
target vectors to have a specific profile in terms of graph Fourier transform
coeffcients, for example lowpass or bandpass graph signals. We discuss how the
regularization affects the mean and the variance in the prediction output. In
particular, we prove that the predictive variance of the GPG is strictly
smaller than the conventional Gaussian process (GP) for any non-trivial graph.
We validate our concepts by application to various real-world graph signals.
Our experiments show that the performance of the GPG is superior to GP for
small training data sizes and under noisy training.
|
Deep Architectures for Learning Context-dependent Ranking Functions | Object ranking is an important problem in the realm of preference learning.
On the basis of training data in the form of a set of rankings of objects,
which are typically represented as feature vectors, the goal is to learn a
ranking function that predicts a linear order of any new set of objects.
Current approaches commonly focus on ranking by scoring, i.e., on learning an
underlying latent utility function that seeks to capture the inherent utility
of each object. These approaches, however, are not able to take possible
effects of context-dependence into account, where context-dependence means that
the utility or usefulness of an object may also depend on what other objects
are available as alternatives. In this paper, we formalize the problem of
context-dependent ranking and present two general approaches based on two
natural representations of context-dependent ranking functions. Both approaches
are instantiated by means of appropriate neural network architectures, which
are evaluated on suitable benchmark task.
|
Theory and Algorithms for Forecasting Time Series | We present data-dependent learning bounds for the general scenario of
non-stationary non-mixing stochastic processes. Our learning guarantees are
expressed in terms of a data-dependent measure of sequential complexity and a
discrepancy measure that can be estimated from data under some mild
assumptions. We also also provide novel analysis of stable time series
forecasting algorithm using this new notion of discrepancy that we introduce.
We use our learning bounds to devise new algorithms for non-stationary time
series forecasting for which we report some preliminary experimental results.
|
Local Spectral Graph Convolution for Point Set Feature Learning | Feature learning on point clouds has shown great promise, with the
introduction of effective and generalizable deep learning frameworks such as
pointnet++. Thus far, however, point features have been abstracted in an
independent and isolated manner, ignoring the relative layout of neighboring
points as well as their features. In the present article, we propose to
overcome this limitation by using spectral graph convolution on a local graph,
combined with a novel graph pooling strategy. In our approach, graph
convolution is carried out on a nearest neighbor graph constructed from a
point's neighborhood, such that features are jointly learned. We replace the
standard max pooling step with a recursive clustering and pooling strategy,
devised to aggregate information from within clusters of nodes that are close
to one another in their spectral coordinates, leading to richer overall feature
descriptors. Through extensive experiments on diverse datasets, we show a
consistent demonstrable advantage for the tasks of both point set
classification and segmentation.
|
I Know What You See: Power Side-Channel Attack on Convolutional Neural
Network Accelerators | Deep learning has become the de-facto computational paradigm for various
kinds of perception problems, including many privacy-sensitive applications
such as online medical image analysis. No doubt to say, the data privacy of
these deep learning systems is a serious concern. Different from previous
research focusing on exploiting privacy leakage from deep learning models, in
this paper, we present the first attack on the implementation of deep learning
models. To be specific, we perform the attack on an FPGA-based convolutional
neural network accelerator and we manage to recover the input image from the
collected power traces without knowing the detailed parameters in the neural
network. For the MNIST dataset, our power side-channel attack is able to
achieve up to 89% recognition accuracy.
|
Towards Clinical Diagnosis: Automated Stroke Lesion Segmentation on
Multimodal MR Image Using Convolutional Neural Network | The patient with ischemic stroke can benefit most from the earliest possible
definitive diagnosis. While the high quality medical resources are quite scarce
across the globe, an automated diagnostic tool is expected in analyzing the
magnetic resonance (MR) images to provide reference in clinical diagnosis. In
this paper, we propose a deep learning method to automatically segment ischemic
stroke lesions from multi-modal MR images. By using atrous convolution and
global convolution network, our proposed residual-structured fully
convolutional network (Res-FCN) is able to capture features from large
receptive fields. The network architecture is validated on a large dataset of
212 clinically acquired multi-modal MR images, which is shown to achieve a mean
dice coefficient of 0.645 with a mean number of false negative lesions of
1.515. The false negatives can reach a value that close to a common medical
image doctor, making it exceptive for a real clinical application.
|
Capturing Structure Implicitly from Time-Series having Limited Data | Scientific fields such as insider-threat detection and highway-safety
planning often lack sufficient amounts of time-series data to estimate
statistical models for the purpose of scientific discovery. Moreover, the
available limited data are quite noisy. This presents a major challenge when
estimating time-series models that are robust to overfitting and have
well-calibrated uncertainty estimates. Most of the current literature in these
fields involve visualizing the time-series for noticeable structure and hard
coding them into pre-specified parametric functions. This approach is
associated with two limitations. First, given that such trends may not be
easily noticeable in small data, it is difficult to explicitly incorporate
expressive structure into the models during formulation. Second, it is
difficult to know $\textit{a priori}$ the most appropriate functional form to
use. To address these limitations, a nonparametric Bayesian approach was
proposed to implicitly capture hidden structure from time series having limited
data. The proposed model, a Gaussian process with a spectral mixture kernel,
precludes the need to pre-specify a functional form and hard code trends, is
robust to overfitting and has well-calibrated uncertainty estimates.
|
Distributed Data Vending on Blockchain | Recent advances in blockchain technologies have provided exciting
opportunities for decentralized applications. Specifically, blockchain-based
smart contracts enable credible transactions without authorized third parties.
The attractive properties of smart contracts facilitate distributed data
vending, allowing for proprietary data to be securely exchanged on a
blockchain. Distributed data vending can transform domains such as healthcare
by encouraging data distribution from owners and enabling large-scale data
aggregation. However, one key challenge in distributed data vending is the
trade-off dilemma between the effectiveness of data retrieval, and the leakage
risk from indexing the data. In this paper, we propose a framework for
distributed data vending through a combination of data embedding and similarity
learning. We illustrate our framework through a practical scenario of
distributing and aggregating electronic medical records on a blockchain.
Extensive empirical results demonstrate the effectiveness of our framework.
|
GossipGraD: Scalable Deep Learning using Gossip Communication based
Asynchronous Gradient Descent | In this paper, we present GossipGraD - a gossip communication protocol based
Stochastic Gradient Descent (SGD) algorithm for scaling Deep Learning (DL)
algorithms on large-scale systems. The salient features of GossipGraD are: 1)
reduction in overall communication complexity from {\Theta}(log(p)) for p
compute nodes in well-studied SGD to O(1), 2) model diffusion such that compute
nodes exchange their updates (gradients) indirectly after every log(p) steps,
3) rotation of communication partners for facilitating direct diffusion of
gradients, 4) asynchronous distributed shuffle of samples during the
feedforward phase in SGD to prevent over-fitting, 5) asynchronous communication
of gradients for further reducing the communication cost of SGD and GossipGraD.
We implement GossipGraD for GPU and CPU clusters and use NVIDIA GPUs (Pascal
P100) connected with InfiniBand, and Intel Knights Landing (KNL) connected with
Aries network. We evaluate GossipGraD using well-studied dataset ImageNet-1K
(~250GB), and widely studied neural network topologies such as GoogLeNet and
ResNet50 (current winner of ImageNet Large Scale Visualization Research
Challenge (ILSVRC)). Our performance evaluation using both KNL and Pascal GPUs
indicates that GossipGraD can achieve perfect efficiency for these datasets and
their associated neural network topologies. Specifically, for ResNet50,
GossipGraD is able to achieve ~100% compute efficiency using 128 NVIDIA Pascal
P100 GPUs - while matching the top-1 classification accuracy published in
literature.
|
Toolflows for Mapping Convolutional Neural Networks on FPGAs: A Survey
and Future Directions | In the past decade, Convolutional Neural Networks (CNNs) have demonstrated
state-of-the-art performance in various Artificial Intelligence tasks. To
accelerate the experimentation and development of CNNs, several software
frameworks have been released, primarily targeting power-hungry CPUs and GPUs.
In this context, reconfigurable hardware in the form of FPGAs constitutes a
potential alternative platform that can be integrated in the existing deep
learning ecosystem to provide a tunable balance between performance, power
consumption and programmability. In this paper, a survey of the existing
CNN-to-FPGA toolflows is presented, comprising a comparative study of their key
characteristics which include the supported applications, architectural
choices, design space exploration methods and achieved performance. Moreover,
major challenges and objectives introduced by the latest trends in CNN
algorithmic research are identified and presented. Finally, a uniform
evaluation methodology is proposed, aiming at the comprehensive, complete and
in-depth evaluation of CNN-to-FPGA toolflows.
|
Deep Choice Model Using Pointer Networks for Airline Itinerary
Prediction | Travel providers such as airlines and on-line travel agents are becoming more
and more interested in understanding how passengers choose among alternative
itineraries when searching for flights. This knowledge helps them better
display and adapt their offer, taking into account market conditions and
customer needs. Some common applications are not only filtering and sorting
alternatives, but also changing certain attributes in real-time (e.g., changing
the price). In this paper, we concentrate with the problem of modeling air
passenger choices of flight itineraries. This problem has historically been
tackled using classical Discrete Choice Modelling techniques. Traditional
statistical approaches, in particular the Multinomial Logit model (MNL), is
widely used in industrial applications due to its simplicity and general good
performance. However, MNL models present several shortcomings and assumptions
that might not hold in real applications. To overcome these difficulties, we
present a new choice model based on Pointer Networks. Given an input sequence,
this type of deep neural architecture combines Recurrent Neural Networks with
the Attention Mechanism to learn the conditional probability of an output whose
values correspond to positions in an input sequence. Therefore, given a
sequence of different alternatives presented to a customer, the model can learn
to point to the one most likely to be chosen by the customer. The proposed
method was evaluated on a real dataset that combines on-line user search logs
and airline flight bookings. Experimental results show that the proposed model
outperforms the traditional MNL model on several metrics.
|
EEG machine learning with Higuchi fractal dimension and Sample Entropy
as features for successful detection of depression | Reliable diagnosis of depressive disorder is essential for both optimal
treatment and prevention of fatal outcomes. In this study, we aimed to
elucidate the effectiveness of two non-linear measures, Higuchi Fractal
Dimension (HFD) and Sample Entropy (SampEn), in detecting depressive disorders
when applied on EEG. HFD and SampEn of EEG signals were used as features for
seven machine learning algorithms including Multilayer Perceptron, Logistic
Regression, Support Vector Machines with the linear and polynomial kernel,
Decision Tree, Random Forest, and Naive Bayes classifier, discriminating EEG
between healthy control subjects and patients diagnosed with depression. We
confirmed earlier observations that both non-linear measures can discriminate
EEG signals of patients from healthy control subjects. The results suggest that
good classification is possible even with a small number of principal
components. Average accuracy among classifiers ranged from 90.24% to 97.56%.
Among the two measures, SampEn had better performance. Using HFD and SampEn and
a variety of machine learning techniques we can accurately discriminate
patients diagnosed with depression vs controls which can serve as a highly
sensitive, clinically relevant marker for the diagnosis of depressive
disorders.
|
Escaping Saddles with Stochastic Gradients | We analyze the variance of stochastic gradients along negative curvature
directions in certain non-convex machine learning models and show that
stochastic gradients exhibit a strong component along these directions.
Furthermore, we show that - contrary to the case of isotropic noise - this
variance is proportional to the magnitude of the corresponding eigenvalues and
not decreasing in the dimensionality. Based upon this observation we propose a
new assumption under which we show that the injection of explicit, isotropic
noise usually applied to make gradient descent escape saddle points can
successfully be replaced by a simple SGD step. Additionally - and under the
same condition - we derive the first convergence rate for plain SGD to a
second-order stationary point in a number of iterations that is independent of
the problem dimension.
|
Deep Learning Reconstruction of Ultra-Short Pulses | Ultra-short laser pulses with femtosecond to attosecond pulse duration are
the shortest systematic events humans can create. Characterization (amplitude
and phase) of these pulses is a key ingredient in ultrafast science, e.g.,
exploring chemical reactions and electronic phase transitions. Here, we propose
and demonstrate, numerically and experimentally, the first deep neural network
technique to reconstruct ultra-short optical pulses. We anticipate that this
approach will extend the range of ultrashort laser pulses that can be
characterized, e.g., enabling to diagnose very weak attosecond pulses.
|
Constant-Time Predictive Distributions for Gaussian Processes | One of the most compelling features of Gaussian process (GP) regression is
its ability to provide well-calibrated posterior distributions. Recent advances
in inducing point methods have sped up GP marginal likelihood and posterior
mean computations, leaving posterior covariance estimation and sampling as the
remaining computational bottlenecks. In this paper we address these
shortcomings by using the Lanczos algorithm to rapidly approximate the
predictive covariance matrix. Our approach, which we refer to as LOVE (LanczOs
Variance Estimates), substantially improves time and space complexity. In our
experiments, LOVE computes covariances up to 2,000 times faster and draws
samples 18,000 times faster than existing methods, all without sacrificing
accuracy.
|
Impacts of Dirty Data: and Experimental Evaluation | Data quality issues have attracted widespread attention due to the negative
impacts of dirty data on data mining and machine learning results. The
relationship between data quality and the accuracy of results could be applied
on the selection of the appropriate algorithm with the consideration of data
quality and the determination of the data share to clean. However, rare
research has focused on exploring such relationship. Motivated by this, this
paper conducts an experimental comparison for the effects of missing,
inconsistent and conflicting data on classification and clustering algorithms.
Based on the experimental findings, we provide guidelines for algorithm
selection and data cleaning.
|
A Kernel Theory of Modern Data Augmentation | Data augmentation, a technique in which a training set is expanded with
class-preserving transformations, is ubiquitous in modern machine learning
pipelines. In this paper, we seek to establish a theoretical framework for
understanding data augmentation. We approach this from two directions: First,
we provide a general model of augmentation as a Markov process, and show that
kernels appear naturally with respect to this model, even when we do not employ
kernel classification. Next, we analyze more directly the effect of
augmentation on kernel classifiers, showing that data augmentation can be
approximated by first-order feature averaging and second-order variance
regularization components. These frameworks both serve to illustrate the ways
in which data augmentation affects the downstream learning model, and the
resulting analyses provide novel connections between prior work in invariant
kernels, tangent propagation, and robust optimization. Finally, we provide
several proof-of-concept applications showing that our theory can be useful for
accelerating machine learning workflows, such as reducing the amount of
computation needed to train using augmented data, and predicting the utility of
a transformation prior to training.
|
A Dataset and Architecture for Visual Reasoning with a Working Memory | A vexing problem in artificial intelligence is reasoning about events that
occur in complex, changing visual stimuli such as in video analysis or game
play. Inspired by a rich tradition of visual reasoning and memory in cognitive
psychology and neuroscience, we developed an artificial, configurable visual
question and answer dataset (COG) to parallel experiments in humans and
animals. COG is much simpler than the general problem of video analysis, yet it
addresses many of the problems relating to visual and logical reasoning and
memory -- problems that remain challenging for modern deep learning
architectures. We additionally propose a deep learning architecture that
performs competitively on other diagnostic VQA datasets (i.e. CLEVR) as well as
easy settings of the COG dataset. However, several settings of COG result in
datasets that are progressively more challenging to learn. After training, the
network can zero-shot generalize to many new tasks. Preliminary analyses of the
network architectures trained on COG demonstrate that the network accomplishes
the task in a manner interpretable to humans.
|
Vulnerability of Deep Learning | The Renormalisation Group (RG) provides a framework in which it is possible
to assess whether a deep-learning network is sensitive to small changes in the
input data and hence prone to error, or susceptible to adversarial attack.
Distinct classification outputs are associated with different RG fixed points
and sensitivity to small changes in the input data is due to the presence of
relevant operators at a fixed point. A numerical scheme, based on Monte Carlo
RG ideas, is proposed for identifying the existence of relevant operators and
the corresponding directions of greatest sensitivity in the input data. Thus, a
trained deep-learning network may be tested for its robustness and, if it is
vulnerable to attack, dangerous perturbations of the input data identified.
|
Learning Sparse Deep Feedforward Networks via Tree Skeleton Expansion | Despite the popularity of deep learning, structure learning for deep models
remains a relatively under-explored area. In contrast, structure learning has
been studied extensively for probabilistic graphical models (PGMs). In
particular, an efficient algorithm has been developed for learning a class of
tree-structured PGMs called hierarchical latent tree models (HLTMs), where
there is a layer of observed variables at the bottom and multiple layers of
latent variables on top. In this paper, we propose a simple method for learning
the structures of feedforward neural networks (FNNs) based on HLTMs. The idea
is to expand the connections in the tree skeletons from HLTMs and to use the
resulting structures for FNNs. An important characteristic of FNN structures
learned this way is that they are sparse. We present extensive empirical
results to show that, compared with standard FNNs tuned-manually, sparse FNNs
learned by our method achieve better or comparable classification performance
with much fewer parameters. They are also more interpretable.
|
Some HCI Priorities for GDPR-Compliant Machine Learning | In this short paper, we consider the roles of HCI in enabling the better
governance of consequential machine learning systems using the rights and
obligations laid out in the recent 2016 EU General Data Protection Regulation
(GDPR)---a law which involves heavy interaction with people and systems.
Focussing on those areas that relate to algorithmic systems in society, we
propose roles for HCI in legal contexts in relation to fairness, bias and
discrimination; data protection by design; data protection impact assessments;
transparency and explanations; the mitigation and understanding of automation
bias; and the communication of envisaged consequences of processing.
|
Approximate Method of Variational Bayesian Matrix
Factorization/Completion with Sparse Prior | We derive analytical expression of matrix factorization/completion solution
by variational Bayes method, under the assumption that observed matrix is
originally the product of low-rank dense and sparse matrices with additive
noise. We assume the prior of sparse matrix is Laplace distribution by taking
matrix sparsity into consideration. Then we use several approximations for
derivation of matrix factorization/completion solution. By our solution, we
also numerically evaluate the performance of sparse matrix reconstruction in
matrix factorization, and completion of missing matrix element in matrix
completion.
|
Chemi-net: a graph convolutional network for accurate drug property
prediction | Absorption, distribution, metabolism, and excretion (ADME) studies are
critical for drug discovery. Conventionally, these tasks, together with other
chemical property predictions, rely on domain-specific feature descriptors, or
fingerprints. Following the recent success of neural networks, we developed
Chemi-Net, a completely data-driven, domain knowledge-free, deep learning
method for ADME property prediction. To compare the relative performance of
Chemi-Net with Cubist, one of the popular machine learning programs used by
Amgen, a large-scale ADME property prediction study was performed on-site at
Amgen. The results showed that our deep neural network method improved current
methods by a large margin. We foresee that the significantly increased accuracy
of ADME prediction seen with Chemi-Net over Cubist will greatly accelerate drug
discovery.
|
Graph Partition Neural Networks for Semi-Supervised Classification | We present graph partition neural networks (GPNN), an extension of graph
neural networks (GNNs) able to handle extremely large graphs. GPNNs alternate
between locally propagating information between nodes in small subgraphs and
globally propagating information between the subgraphs. To efficiently
partition graphs, we experiment with several partitioning algorithms and also
propose a novel variant for fast processing of large scale graphs. We
extensively test our model on a variety of semi-supervised node classification
tasks. Experimental results indicate that GPNNs are either superior or
comparable to state-of-the-art methods on a wide variety of datasets for
graph-based semi-supervised classification. We also show that GPNNs can achieve
similar performance as standard GNNs with fewer propagation steps.
|
C-LSTM: Enabling Efficient LSTM using Structured Compression Techniques
on FPGAs | Recently, significant accuracy improvement has been achieved for acoustic
recognition systems by increasing the model size of Long Short-Term Memory
(LSTM) networks. Unfortunately, the ever-increasing size of LSTM model leads to
inefficient designs on FPGAs due to the limited on-chip resources. The previous
work proposes to use a pruning based compression technique to reduce the model
size and thus speedups the inference on FPGAs. However, the random nature of
the pruning technique transforms the dense matrices of the model to highly
unstructured sparse ones, which leads to unbalanced computation and irregular
memory accesses and thus hurts the overall performance and energy efficiency.
In contrast, we propose to use a structured compression technique which could
not only reduce the LSTM model size but also eliminate the irregularities of
computation and memory accesses. This approach employs block-circulant instead
of sparse matrices to compress weight matrices and reduces the storage
requirement from $\mathcal{O}(k^2)$ to $\mathcal{O}(k)$. Fast Fourier Transform
algorithm is utilized to further accelerate the inference by reducing the
computational complexity from $\mathcal{O}(k^2)$ to
$\mathcal{O}(k\text{log}k)$. The datapath and activation functions are
quantized as 16-bit to improve the resource utilization. More importantly, we
propose a comprehensive framework called C-LSTM to automatically optimize and
implement a wide range of LSTM variants on FPGAs. According to the experimental
results, C-LSTM achieves up to 18.8X and 33.5X gains for performance and energy
efficiency compared with the state-of-the-art LSTM implementation under the
same experimental setup, and the accuracy degradation is very small.
|
Snap ML: A Hierarchical Framework for Machine Learning | We describe a new software framework for fast training of generalized linear
models. The framework, named Snap Machine Learning (Snap ML), combines recent
advances in machine learning systems and algorithms in a nested manner to
reflect the hierarchical architecture of modern computing systems. We prove
theoretically that such a hierarchical system can accelerate training in
distributed environments where intra-node communication is cheaper than
inter-node communication. Additionally, we provide a review of the
implementation of Snap ML in terms of GPU acceleration, pipelining,
communication patterns and software architecture, highlighting aspects that
were critical for achieving high performance. We evaluate the performance of
Snap ML in both single-node and multi-node environments, quantifying the
benefit of the hierarchical scheme and the data streaming functionality, and
comparing with other widely-used machine learning software frameworks. Finally,
we present a logistic regression benchmark on the Criteo Terabyte Click Logs
dataset and show that Snap ML achieves the same test loss an order of magnitude
faster than any of the previously reported results, including those obtained
using TensorFlow and scikit-learn.
|
Adversarial Logit Pairing | In this paper, we develop improved techniques for defending against
adversarial examples at scale. First, we implement the state of the art version
of adversarial training at unprecedented scale on ImageNet and investigate
whether it remains effective in this setting - an important open scientific
question (Athalye et al., 2018). Next, we introduce enhanced defenses using a
technique we call logit pairing, a method that encourages logits for pairs of
examples to be similar. When applied to clean examples and their adversarial
counterparts, logit pairing improves accuracy on adversarial examples over
vanilla adversarial training; we also find that logit pairing on clean examples
only is competitive with adversarial training in terms of accuracy on two
datasets. Finally, we show that adversarial logit pairing achieves the state of
the art defense on ImageNet against PGD white box attacks, with an accuracy
improvement from 1.5% to 27.9%. Adversarial logit pairing also successfully
damages the current state of the art defense against black box attacks on
ImageNet (Tramer et al., 2018), dropping its accuracy from 66.6% to 47.1%. With
this new accuracy drop, adversarial logit pairing ties with Tramer et al.(2018)
for the state of the art on black box attacks on ImageNet.
|
Forecasting Economics and Financial Time Series: ARIMA vs. LSTM | Forecasting time series data is an important subject in economics, business,
and finance. Traditionally, there are several techniques to effectively
forecast the next lag of time series data such as univariate Autoregressive
(AR), univariate Moving Average (MA), Simple Exponential Smoothing (SES), and
more notably Autoregressive Integrated Moving Average (ARIMA) with its many
variations. In particular, ARIMA model has demonstrated its outperformance in
precision and accuracy of predicting the next lags of time series. With the
recent advancement in computational power of computers and more importantly
developing more advanced machine learning algorithms and approaches such as
deep learning, new algorithms are developed to forecast time series data. The
research question investigated in this article is that whether and how the
newly developed deep learning-based algorithms for forecasting time series
data, such as "Long Short-Term Memory (LSTM)", are superior to the traditional
algorithms. The empirical studies conducted and reported in this article show
that deep learning-based algorithms such as LSTM outperform traditional-based
algorithms such as ARIMA model. More specifically, the average reduction in
error rates obtained by LSTM is between 84 - 87 percent when compared to ARIMA
indicating the superiority of LSTM to ARIMA. Furthermore, it was noticed that
the number of training times, known as "epoch" in deep learning, has no effect
on the performance of the trained forecast model and it exhibits a truly random
behavior.
|
Corpus Statistics in Text Classification of Online Data | Transformation of Machine Learning (ML) from a boutique science to a
generally accepted technology has increased importance of reproduction and
transportability of ML studies. In the current work, we investigate how corpus
characteristics of textual data sets correspond to text classification results.
We work with two data sets gathered from sub-forums of an online health-related
forum. Our empirical results are obtained for a multi-class sentiment analysis
application.
|
Reviving and Improving Recurrent Back-Propagation | In this paper, we revisit the recurrent back-propagation (RBP) algorithm,
discuss the conditions under which it applies as well as how to satisfy them in
deep neural networks. We show that RBP can be unstable and propose two variants
based on conjugate gradient on the normal equations (CG-RBP) and Neumann series
(Neumann-RBP). We further investigate the relationship between Neumann-RBP and
back propagation through time (BPTT) and its truncated version (TBPTT). Our
Neumann-RBP has the same time complexity as TBPTT but only requires constant
memory, whereas TBPTT's memory cost scales linearly with the number of
truncation steps. We examine all RBP variants along with BPTT and TBPTT in
three different application domains: associative memory with continuous
Hopfield networks, document classification in citation networks using graph
neural networks and hyperparameter optimization for fully connected networks.
All experiments demonstrate that RBPs, especially the Neumann-RBP variant, are
efficient and effective for optimizing convergent recurrent neural networks.
Code is released at: \url{https://github.com/lrjconan/RBP}.
|
Deep Component Analysis via Alternating Direction Neural Networks | Despite a lack of theoretical understanding, deep neural networks have
achieved unparalleled performance in a wide range of applications. On the other
hand, shallow representation learning with component analysis is associated
with rich intuition and theory, but smaller capacity often limits its
usefulness. To bridge this gap, we introduce Deep Component Analysis (DeepCA),
an expressive multilayer model formulation that enforces hierarchical structure
through constraints on latent variables in each layer. For inference, we
propose a differentiable optimization algorithm implemented using recurrent
Alternating Direction Neural Networks (ADNNs) that enable parameter learning
using standard backpropagation. By interpreting feed-forward networks as
single-iteration approximations of inference in our model, we provide both a
novel theoretical perspective for understanding them and a practical technique
for constraining predictions with prior knowledge. Experimentally, we
demonstrate performance improvements on a variety of tasks, including
single-image depth prediction with sparse output constraints.
|
Replica Symmetry Breaking in Bipartite Spin Glasses and Neural Networks | Some interesting recent advances in the theoretical understanding of neural
networks have been informed by results from the physics of disordered many-body
systems. Motivated by these findings, this work uses the replica technique to
study the mathematically tractable bipartite Sherrington-Kirkpatrick (SK) spin
glass model, which is formally similar to a Restricted Boltzmann Machine (RBM)
neural network. The bipartite SK model has been previously studied assuming
replica symmetry; here this assumption is relaxed and a replica symmetry
breaking analysis is performed. The bipartite SK model is found to have many
features in common with Parisi's solution of the original, unipartite SK model,
including the existence of a multitude of pure states which are related in a
hierarchical, ultrametric fashion. As an application of this analysis, the
optimal cost for a graph partitioning problem is shown to be simply related to
the ground state energy of the bipartite SK model. As a second application,
empirical investigations reveal that the Gibbs sampled outputs of an RBM
trained on the MNIST data set are more ultrametrically distributed than the
input data itself.
|
Communication Compression for Decentralized Training | Optimizing distributed learning systems is an art of balancing between
computation and communication. There have been two lines of research that try
to deal with slower networks: {\em communication compression} for low bandwidth
networks, and {\em decentralization} for high latency networks. In this paper,
We explore a natural question: {\em can the combination of both techniques lead
to a system that is robust to both bandwidth and latency?}
Although the system implication of such combination is trivial, the
underlying theoretical principle and algorithm design is challenging: unlike
centralized algorithms, simply compressing exchanged information, even in an
unbiased stochastic way, within the decentralized network would accumulate the
error and fail to converge. In this paper, we develop a framework of
compressed, decentralized training and propose two different strategies, which
we call {\em extrapolation compression} and {\em difference compression}. We
analyze both algorithms and prove both converge at the rate of $O(1/\sqrt{nT})$
where $n$ is the number of workers and $T$ is the number of iterations,
matching the convergence rate for full precision, centralized training. We
validate our algorithms and find that our proposed algorithm outperforms the
best of merely decentralized and merely quantized algorithm significantly for
networks with {\em both} high latency and low bandwidth.
|
Note: Variational Encoding of Protein Dynamics Benefits from Maximizing
Latent Autocorrelation | As deep Variational Auto-Encoder (VAE) frameworks become more widely used for
modeling biomolecular simulation data, we emphasize the capability of the VAE
architecture to concurrently maximize the timescale of the latent space while
inferring a reduced coordinate, which assists in finding slow processes as
according to the variational approach to conformational dynamics. We
additionally provide evidence that the VDE framework (Hern\'andez et al.,
2017), which uses this autocorrelation loss along with a time-lagged
reconstruction loss, obtains a variationally optimized latent coordinate in
comparison with related loss functions. We thus recommend leveraging the
autocorrelation of the latent space while training neural network models of
biomolecular simulation data to better represent slow processes.
|
Constrained Deep Learning using Conditional Gradient and Applications in
Computer Vision | A number of results have recently demonstrated the benefits of incorporating
various constraints when training deep architectures in vision and machine
learning. The advantages range from guarantees for statistical generalization
to better accuracy to compression. But support for general constraints within
widely used libraries remains scarce and their broader deployment within many
applications that can benefit from them remains under-explored. Part of the
reason is that Stochastic gradient descent (SGD), the workhorse for training
deep neural networks, does not natively deal with constraints with global scope
very well. In this paper, we revisit a classical first order scheme from
numerical optimization, Conditional Gradients (CG), that has, thus far had
limited applicability in training deep models. We show via rigorous analysis
how various constraints can be naturally handled by modifications of this
algorithm. We provide convergence guarantees and show a suite of immediate
benefits that are possible -- from training ResNets with fewer layers but
better accuracy simply by substituting in our version of CG to faster training
of GANs with 50% fewer epochs in image inpainting applications to provably
better generalization guarantees using efficiently implementable forms of
recently proposed regularizers.
|
Learning to Cluster for Proposal-Free Instance Segmentation | This work proposed a novel learning objective to train a deep neural network
to perform end-to-end image pixel clustering. We applied the approach to
instance segmentation, which is at the intersection of image semantic
segmentation and object detection. We utilize the most fundamental property of
instance labeling -- the pairwise relationship between pixels -- as the
supervision to formulate the learning objective, then apply it to train a fully
convolutional network (FCN) for learning to perform pixel-wise clustering. The
resulting clusters can be used as the instance labeling directly. To support
labeling of an unlimited number of instance, we further formulate ideas from
graph coloring theory into the proposed learning objective. The evaluation on
the Cityscapes dataset demonstrates strong performance and therefore proof of
the concept. Moreover, our approach won the second place in the lane detection
competition of 2017 CVPR Autonomous Driving Challenge, and was the top
performer without using external data.
|
Hidden Integrality and Semi-random Robustness of SDP Relaxation for
Sub-Gaussian Mixture Model | We consider the problem of estimating the discrete clustering structures
under the Sub-Gaussian Mixture Model. Our main results establish a hidden
integrality property of a semidefinite programming (SDP) relaxation for this
problem: while the optimal solution to the SDP is not integer-valued in
general, its estimation error can be upper bounded by that of an idealized
integer program. The error of the integer program, and hence that of the SDP,
are further shown to decay exponentially in the signal-to-noise ratio. In
addition, we show that the SDP relaxation is robust under the semi-random
setting in which an adversary can modify the data generated from the mixture
model. In particular, we generalize the hidden integrality property to the
semi-random model and thereby show that SDP achieves the optimal error bound in
this setting. These results together highlight the "global-to-local" mechanism
that drives the performance of the SDP relaxation.
To the best of our knowledge, our result is the first exponentially decaying
error bound for convex relaxations of mixture models. A corollary of our
results shows that in certain regimes the SDP solutions are in fact integral
and exact. More generally, our results establish sufficient conditions for the
SDP to correctly recover the cluster memberships of $(1-\delta)$ fraction of
the points for any $\delta\in(0,1)$. As a special case, we show that under the
$d$-dimensional Stochastic Ball Model, SDP achieves non-trivial (sometimes
exact) recovery when the center separation is as small as $\sqrt{1/d}$, which
improves upon previous exact recovery results that require constant separation.
|
Analysis of Triplet Motifs in Biological Signed Oriented Graphs Suggests
a Relationship Between Fine Topology and Function | Background: Networks in different domains are characterized by similar global
characteristics while differing in local structures. To further extend this
concept, we investigated network regularities on a fine scale in order to
examine the functional impact of recurring motifs in signed oriented biological
networks. In this work we generalize to signaling net works some considerations
made on feedback and feed forward loops and extend them by adding a close
scrutiny of Linear Triplets, which have not yet been investigate in detail.
Results: We studied the role of triplets, either open or closed (Loops or
linear events) by enumerating them in different biological signaling networks
and by comparing their significance profiles. We compared different data
sources and investigated the fine topology of protein networks representing
causal relationships based on transcriptional control, phosphorylation,
ubiquitination and binding. Not only were we able to generalize findings that
have already been reported but we also highlighted a connection between
relative motif abundance and node function. Furthermore, by analyzing for the
first time Linear Triplets, we highlighted the relative importance of nodes
sitting in specific positions in closed signaling triplets. Finally, we tried
to apply machine learning to show that a combination of motifs features can be
used to derive node function. Availability: The triplets counter used for this
work is available as a Cytoscape App and as a standalone command line Java
application. http://apps.cytoscape.org/apps/counttriplets Keywords: Graph
theory, graph analysis, graph topology, machine learning, cytoscape
|
Beyond the Low-Degree Algorithm: Mixtures of Subcubes and Their
Applications | We introduce the problem of learning mixtures of $k$ subcubes over
$\{0,1\}^n$, which contains many classic learning theory problems as a special
case (and is itself a special case of others). We give a surprising $n^{O(\log
k)}$-time learning algorithm based on higher-order multilinear moments. It is
not possible to learn the parameters because the same distribution can be
represented by quite different models. Instead, we develop a framework for
reasoning about how multilinear moments can pinpoint essential features of the
mixture, like the number of components.
We also give applications of our algorithm to learning decision trees with
stochastic transitions (which also capture interesting scenarios where the
transitions are deterministic but there are latent variables). Using our
algorithm for learning mixtures of subcubes, we can approximate the Bayes
optimal classifier within additive error $\epsilon$ on $k$-leaf decision trees
with at most $s$ stochastic transitions on any root-to-leaf path in $n^{O(s +
\log k)}\cdot\text{poly}(1/\epsilon)$ time. In this stochastic setting, the
classic Occam algorithms for learning decision trees with zero stochastic
transitions break down, while the low-degree algorithm of Linial et al.
inherently has a quasipolynomial dependence on $1/\epsilon$.
In contrast, as we will show, mixtures of $k$ subcubes are uniquely
determined by their degree $2 \log k$ moments and hence provide a useful
abstraction for simultaneously achieving the polynomial dependence on
$1/\epsilon$ of the classic Occam algorithms for decision trees and the
flexibility of the low-degree algorithm in being able to accommodate stochastic
transitions. Using our multilinear moment techniques, we also give the first
improved upper and lower bounds since the work of Feldman et al. for the
related but harder problem of learning mixtures of binary product
distributions.
|
Stochastic model-based minimization of weakly convex functions | We consider a family of algorithms that successively sample and minimize
simple stochastic models of the objective function. We show that under
reasonable conditions on approximation quality and regularity of the models,
any such algorithm drives a natural stationarity measure to zero at the rate
$O(k^{-1/4})$. As a consequence, we obtain the first complexity guarantees for
the stochastic proximal point, proximal subgradient, and regularized
Gauss-Newton methods for minimizing compositions of convex functions with
smooth maps. The guiding principle, underlying the complexity guarantees, is
that all algorithms under consideration can be interpreted as approximate
descent methods on an implicit smoothing of the problem, given by the Moreau
envelope. Specializing to classical circumstances, we obtain the long-sought
convergence rate of the stochastic projected gradient method, without batching,
for minimizing a smooth function on a closed convex set.
|
AutoML from Service Provider's Perspective: Multi-device, Multi-tenant
Model Selection with GP-EI | AutoML has become a popular service that is provided by most leading cloud
service providers today. In this paper, we focus on the AutoML problem from the
\emph{service provider's perspective}, motivated by the following practical
consideration: When an AutoML service needs to serve {\em multiple users} with
{\em multiple devices} at the same time, how can we allocate these devices to
users in an efficient way? We focus on GP-EI, one of the most popular
algorithms for automatic model selection and hyperparameter tuning, used by
systems such as Google Vizer. The technical contribution of this paper is the
first multi-device, multi-tenant algorithm for GP-EI that is aware of
\emph{multiple} computation devices and multiple users sharing the same set of
computation devices. Theoretically, given $N$ users and $M$ devices, we obtain
a regret bound of $O((\text{\bf {MIU}}(T,K) + M)\frac{N^2}{M})$, where
$\text{\bf {MIU}}(T,K)$ refers to the maximal incremental uncertainty up to
time $T$ for the covariance matrix $K$. Empirically, we evaluate our algorithm
on two applications of automatic model selection, and show that our algorithm
significantly outperforms the strategy of serving users independently.
Moreover, when multiple computation devices are available, we achieve
near-linear speedup when the number of users is much larger than the number of
devices.
|
A Dual Approach to Scalable Verification of Deep Networks | This paper addresses the problem of formally verifying desirable properties
of neural networks, i.e., obtaining provable guarantees that neural networks
satisfy specifications relating their inputs and outputs (robustness to bounded
norm adversarial perturbations, for example). Most previous work on this topic
was limited in its applicability by the size of the network, network
architecture and the complexity of properties to be verified. In contrast, our
framework applies to a general class of activation functions and specifications
on neural network inputs and outputs. We formulate verification as an
optimization problem (seeking to find the largest violation of the
specification) and solve a Lagrangian relaxation of the optimization problem to
obtain an upper bound on the worst case violation of the specification being
verified. Our approach is anytime i.e. it can be stopped at any time and a
valid bound on the maximum violation can be obtained. We develop specialized
verification algorithms with provable tightness guarantees under special
assumptions and demonstrate the practical significance of our general
verification approach on a variety of verification tasks.
|
Learning Long Term Dependencies via Fourier Recurrent Units | It is a known fact that training recurrent neural networks for tasks that
have long term dependencies is challenging. One of the main reasons is the
vanishing or exploding gradient problem, which prevents gradient information
from propagating to early layers. In this paper we propose a simple recurrent
architecture, the Fourier Recurrent Unit (FRU), that stabilizes the gradients
that arise in its training while giving us stronger expressive power.
Specifically, FRU summarizes the hidden states $h^{(t)}$ along the temporal
dimension with Fourier basis functions. This allows gradients to easily reach
any layer due to FRU's residual learning structure and the global support of
trigonometric functions. We show that FRU has gradient lower and upper bounds
independent of temporal dimension. We also show the strong expressivity of
sparse Fourier basis, from which FRU obtains its strong expressive power. Our
experimental study also demonstrates that with fewer parameters the proposed
architecture outperforms other recurrent architectures on many tasks.
|
Structural query-by-committee | In this work, we describe a framework that unifies many different interactive
learning tasks. We present a generalization of the {\it query-by-committee}
active learning algorithm for this setting, and we study its consistency and
rate of convergence, both theoretically and empirically, with and without
noise.
|
Early hospital mortality prediction using vital signals | Early hospital mortality prediction is critical as intensivists strive to
make efficient medical decisions about the severely ill patients staying in
intensive care units. As a result, various methods have been developed to
address this problem based on clinical records. However, some of the laboratory
test results are time-consuming and need to be processed. In this paper, we
propose a novel method to predict mortality using features extracted from the
heart signals of patients within the first hour of ICU admission. In order to
predict the risk, quantitative features have been computed based on the heart
rate signals of ICU patients. Each signal is described in terms of 12
statistical and signal-based features. The extracted features are fed into
eight classifiers: decision tree, linear discriminant, logistic regression,
support vector machine (SVM), random forest, boosted trees, Gaussian SVM, and
K-nearest neighborhood (K-NN). To derive insight into the performance of the
proposed method, several experiments have been conducted using the well-known
clinical dataset named Medical Information Mart for Intensive Care III
(MIMIC-III). The experimental results demonstrate the capability of the
proposed method in terms of precision, recall, F1-score, and area under the
receiver operating characteristic curve (AUC). The decision tree classifier
satisfies both accuracy and interpretability better than the other classifiers,
producing an F1-score and AUC equal to 0.91 and 0.93, respectively. It
indicates that heart rate signals can be used for predicting mortality in
patients in the ICU, achieving a comparable performance with existing
predictions that rely on high dimensional features from clinical records which
need to be processed and may contain missing information.
|
A Robust AUC Maximization Framework with Simultaneous Outlier Detection
and Feature Selection for Positive-Unlabeled Classification | The positive-unlabeled (PU) classification is a common scenario in real-world
applications such as healthcare, text classification, and bioinformatics, in
which we only observe a few samples labeled as "positive" together with a large
volume of "unlabeled" samples that may contain both positive and negative
samples. Building robust classifier for the PU problem is very challenging,
especially for complex data where the negative samples overwhelm and mislabeled
samples or corrupted features exist. To address these three issues, we propose
a robust learning framework that unifies AUC maximization (a robust metric for
biased labels), outlier detection (for excluding wrong labels), and feature
selection (for excluding corrupted features). The generalization error bounds
are provided for the proposed model that give valuable insight into the
theoretical performance of the method and lead to useful practical guidance,
e.g., to train a model, we find that the included unlabeled samples are
sufficient as long as the sample size is comparable to the number of positive
samples in the training process. Empirical comparisons and two real-world
applications on surgical site infection (SSI) and EEG seizure detection are
also conducted to show the effectiveness of the proposed model.
|
Learning recurrent dynamics in spiking networks | Spiking activity of neurons engaged in learning and performing a task show
complex spatiotemporal dynamics. While the output of recurrent network models
can learn to perform various tasks, the possible range of recurrent dynamics
that emerge after learning remains unknown. Here we show that modifying the
recurrent connectivity with a recursive least squares algorithm provides
sufficient flexibility for synaptic and spiking rate dynamics of spiking
networks to produce a wide range of spatiotemporal activity. We apply the
training method to learn arbitrary firing patterns, stabilize irregular spiking
activity of a balanced network, and reproduce the heterogeneous spiking rate
patterns of cortical neurons engaged in motor planning and movement. We
identify sufficient conditions for successful learning, characterize two types
of learning errors, and assess the network capacity. Our findings show that
synaptically-coupled recurrent spiking networks possess a vast computational
capability that can support the diverse activity patterns in the brain.
|
The Web as a Knowledge-base for Answering Complex Questions | Answering complex questions is a time-consuming activity for humans that
requires reasoning and integration of information. Recent work on reading
comprehension made headway in answering simple questions, but tackling complex
questions is still an ongoing research challenge. Conversely, semantic parsers
have been successful at handling compositionality, but only when the
information resides in a target knowledge-base. In this paper, we present a
novel framework for answering broad and complex questions, assuming answering
simple questions is possible using a search engine and a reading comprehension
model. We propose to decompose complex questions into a sequence of simple
questions, and compute the final answer from the sequence of answers. To
illustrate the viability of our approach, we create a new dataset of complex
questions, ComplexWebQuestions, and present a model that decomposes questions
and interacts with the web to compute an answer. We empirically demonstrate
that question decomposition improves performance from 20.8 precision@1 to 27.5
precision@1 on this new dataset.
|
Aggregating Strategies for Long-term Forecasting | The article is devoted to investigating the application of aggregating
algorithms to the problem of the long-term forecasting. We examine the classic
aggregating algorithms based on the exponential reweighing. For the general
Vovk's aggregating algorithm we provide its generalization for the long-term
forecasting. For the special basic case of Vovk's algorithm we provide its two
modifications for the long-term forecasting. The first one is theoretically
close to an optimal algorithm and is based on replication of independent
copies. It provides the time-independent regret bound with respect to the best
expert in the pool. The second one is not optimal but is more practical and has
$O(\sqrt{T})$ regret bound, where $T$ is the length of the game.
|
Towards an Efficient Anomaly-Based Intrusion Detection for
Software-Defined Networks | Software-defined networking (SDN) is a new paradigm that allows developing
more flexible network applications. SDN controller, which represents a
centralized controlling point, is responsible for running various network
applications as well as maintaining different network services and
functionalities. Choosing an efficient intrusion detection system helps in
reducing the overhead of the running controller and creates a more secure
network. In this study, we investigate the performance of the well-known
anomaly-based intrusion detection approaches in terms of accuracy, false alarm
rate, precision, recall, f1-measure, area under ROC curve, execution time and
Mc Nemar's test. Precisely, we focus on supervised machine-learning approaches
where we use the following classifiers: Decision Trees (DT), Extreme Learning
Machine (ELM), Naive Bayes (NB), Linear Discriminant Analysis (LDA), Neural
Networks (NN), Support Vector Machines (SVM), Random Forest (RT), K
Nearest-Neighbour (KNN), AdaBoost, RUSBoost, LogitBoost and BaggingTrees where
we employ the well-known NSL-KDD benchmark dataset to compare the performance
of each one of these classifiers.
|
Composable Deep Reinforcement Learning for Robotic Manipulation | Model-free deep reinforcement learning has been shown to exhibit good
performance in domains ranging from video games to simulated robotic
manipulation and locomotion. However, model-free methods are known to perform
poorly when the interaction time with the environment is limited, as is the
case for most real-world robotic tasks. In this paper, we study how maximum
entropy policies trained using soft Q-learning can be applied to real-world
robotic manipulation. The application of this method to real-world manipulation
is facilitated by two important features of soft Q-learning. First, soft
Q-learning can learn multimodal exploration strategies by learning policies
represented by expressive energy-based models. Second, we show that policies
learned with soft Q-learning can be composed to create new policies, and that
the optimality of the resulting policy can be bounded in terms of the
divergence between the composed policies. This compositionality provides an
especially valuable tool for real-world manipulation, where constructing new
policies by composing existing skills can provide a large gain in efficiency
over training from scratch. Our experimental evaluation demonstrates that soft
Q-learning is substantially more sample efficient than prior model-free deep
reinforcement learning methods, and that compositionality can be performed for
both simulated and real-world tasks.
|
Confounder Detection in High Dimensional Linear Models using First
Moments of Spectral Measures | In this paper, we study the confounder detection problem in the linear model,
where the target variable $Y$ is predicted using its $n$ potential causes
$X_n=(x_1,...,x_n)^T$. Based on an assumption of rotation invariant generating
process of the model, recent study shows that the spectral measure induced by
the regression coefficient vector with respect to the covariance matrix of
$X_n$ is close to a uniform measure in purely causal cases, but it differs from
a uniform measure characteristically in the presence of a scalar confounder.
Then, analyzing spectral measure pattern could help to detect confounding. In
this paper, we propose to use the first moment of the spectral measure for
confounder detection. We calculate the first moment of the regression vector
induced spectral measure, and compare it with the first moment of a uniform
spectral measure, both defined with respect to the covariance matrix of $X_n$.
The two moments coincide in non-confounding cases, and differ from each other
in the presence of confounding. This statistical causal-confounding asymmetry
can be used for confounder detection. Without the need of analyzing the
spectral measure pattern, our method does avoid the difficulty of metric choice
and multiple parameter optimization. Experiments on synthetic and real data
show the performance of this method.
|
A Mixture of Views Network with Applications to the Classification of
Breast Microcalcifications | In this paper we examine data fusion methods for multi-view data
classification. We present a decision concept which explicitly takes into
account the input multi-view structure, where for each case there is a
different subset of relevant views. This data fusion concept, which we dub
Mixture of Views, is implemented by a special purpose neural network
architecture. It is demonstrated on the task of classifying breast
microcalcifications as benign or malignant based on CC and MLO mammography
views. The single view decisions are combined by a data-driven decision,
according to the relevance of each view in a given case, into a global
decision. The method is evaluated on a large multi-view dataset extracted from
the standardized digital database for screening mammography (DDSM). The
experimental results show that our method outperforms previously suggested
fusion methods.
|
TBD: Benchmarking and Analyzing Deep Neural Network Training | The recent popularity of deep neural networks (DNNs) has generated a lot of
research interest in performing DNN-related computation efficiently. However,
the primary focus is usually very narrow and limited to (i) inference -- i.e.
how to efficiently execute already trained models and (ii) image classification
networks as the primary benchmark for evaluation.
Our primary goal in this work is to break this myopic view by (i) proposing a
new benchmark for DNN training, called TBD (TBD is short for Training Benchmark
for DNNs), that uses a representative set of DNN models that cover a wide range
of machine learning applications: image classification, machine translation,
speech recognition, object detection, adversarial networks, reinforcement
learning, and (ii) by performing an extensive performance analysis of training
these different applications on three major deep learning frameworks
(TensorFlow, MXNet, CNTK) across different hardware configurations (single-GPU,
multi-GPU, and multi-machine). TBD currently covers six major application
domains and eight different state-of-the-art models.
We present a new toolchain for performance analysis for these models that
combines the targeted usage of existing performance analysis tools, careful
selection of new and existing metrics and methodologies to analyze the results,
and utilization of domain specific characteristics of DNN training. We also
build a new set of tools for memory profiling in all three major frameworks;
much needed tools that can finally shed some light on precisely how much memory
is consumed by different data structures (weights, activations, gradients,
workspace) in DNN training. By using our tools and methodologies, we make
several important observations and recommendations on where the future research
and optimization of DNN training should be focused.
|
Newton: Gravitating Towards the Physical Limits of Crossbar Acceleration | Many recent works have designed accelerators for Convolutional Neural
Networks (CNNs). While digital accelerators have relied on near data
processing, analog accelerators have further reduced data movement by
performing in-situ computation. Recent works take advantage of highly parallel
analog in-situ computation in memristor crossbars to accelerate the many
vector-matrix multiplication operations in CNNs. However, these in-situ
accelerators have two significant short-comings that we address in this work.
First, the ADCs account for a large fraction of chip power and area. Second,
these accelerators adopt a homogeneous design where every resource is
provisioned for the worst case. By addressing both problems, the new
architecture, Newton, moves closer to achieving optimal energy-per-neuron for
crossbar accelerators.
We introduce multiple new techniques that apply at different levels of the
tile hierarchy. Two of the techniques leverage heterogeneity: one adapts ADC
precision based on the requirements of every sub-computation (with zero impact
on accuracy), and the other designs tiles customized for convolutions or
classifiers. Two other techniques rely on divide-and-conquer numeric algorithms
to reduce computations and ADC pressure. Finally, we place constraints on how a
workload is mapped to tiles, thus helping reduce resource provisioning in
tiles. For a wide range of CNN dataflows and structures, Newton achieves a 77%
decrease in power, 51% improvement in energy efficiency, and 2.2x higher
throughput/area, relative to the state-of-the-art ISAAC accelerator.
|
Asymmetric kernel in Gaussian Processes for learning target variance | This work incorporates the multi-modality of the data distribution into a
Gaussian Process regression model. We approach the problem from a
discriminative perspective by learning, jointly over the training data, the
target space variance in the neighborhood of a certain sample through metric
learning. We start by using data centers rather than all training samples.
Subsequently, each center selects an individualized kernel metric. This enables
each center to adjust the kernel space in its vicinity in correspondence with
the topology of the targets --- a multi-modal approach. We additionally add
descriptiveness by allowing each center to learn a precision matrix. We
demonstrate empirically the reliability of the model.
|
On the importance of single directions for generalization | Despite their ability to memorize large datasets, deep neural networks often
achieve good generalization performance. However, the differences between the
learned solutions of networks which generalize and those which do not remain
unclear. Additionally, the tuning properties of single directions (defined as
the activation of a single unit or some linear combination of units in response
to some input) have been highlighted, but their importance has not been
evaluated. Here, we connect these lines of inquiry to demonstrate that a
network's reliance on single directions is a good predictor of its
generalization performance, across networks trained on datasets with different
fractions of corrupted labels, across ensembles of networks trained on datasets
with unmodified labels, across different hyperparameters, and over the course
of training. While dropout only regularizes this quantity up to a point, batch
normalization implicitly discourages single direction reliance, in part by
decreasing the class selectivity of individual units. Finally, we find that
class selectivity is a poor predictor of task importance, suggesting not only
that networks which generalize well minimize their dependence on individual
units by reducing their selectivity, but also that individually selective units
may not be necessary for strong network performance.
|
Comparing Dynamics: Deep Neural Networks versus Glassy Systems | We analyze numerically the training dynamics of deep neural networks (DNN) by
using methods developed in statistical physics of glassy systems. The two main
issues we address are (1) the complexity of the loss landscape and of the
dynamics within it, and (2) to what extent DNNs share similarities with glassy
systems. Our findings, obtained for different architectures and datasets,
suggest that during the training process the dynamics slows down because of an
increasingly large number of flat directions. At large times, when the loss is
approaching zero, the system diffuses at the bottom of the landscape. Despite
some similarities with the dynamics of mean-field glassy systems, in
particular, the absence of barrier crossing, we find distinctive dynamical
behaviors in the two cases, showing that the statistical properties of the
corresponding loss and energy landscapes are different. In contrast, when the
network is under-parametrized we observe a typical glassy behavior, thus
suggesting the existence of different phases depending on whether the network
is under-parametrized or over-parametrized.
|
What Doubling Tricks Can and Can't Do for Multi-Armed Bandits | An online reinforcement learning algorithm is anytime if it does not need to
know in advance the horizon T of the experiment. A well-known technique to
obtain an anytime algorithm from any non-anytime algorithm is the "Doubling
Trick". In the context of adversarial or stochastic multi-armed bandits, the
performance of an algorithm is measured by its regret, and we study two
families of sequences of growing horizons (geometric and exponential) to
generalize previously known results that certain doubling tricks can be used to
conserve certain regret bounds. In a broad setting, we prove that a geometric
doubling trick can be used to conserve (minimax) bounds in $R\_T = O(\sqrt{T})$
but cannot conserve (distribution-dependent) bounds in $R\_T = O(\log T)$. We
give insights as to why exponential doubling tricks may be better, as they
conserve bounds in $R\_T = O(\log T)$, and are close to conserving bounds in
$R\_T = O(\sqrt{T})$.
|
Technical Report: When Does Machine Learning FAIL? Generalized
Transferability for Evasion and Poisoning Attacks | Recent results suggest that attacks against supervised machine learning
systems are quite effective, while defenses are easily bypassed by new attacks.
However, the specifications for machine learning systems currently lack precise
adversary definitions, and the existing attacks make diverse, potentially
unrealistic assumptions about the strength of the adversary who launches them.
We propose the FAIL attacker model, which describes the adversary's knowledge
and control along four dimensions. Our model allows us to consider a wide range
of weaker adversaries who have limited control and incomplete knowledge of the
features, learning algorithms and training instances utilized. To evaluate the
utility of the FAIL model, we consider the problem of conducting targeted
poisoning attacks in a realistic setting: the crafted poison samples must have
clean labels, must be individually and collectively inconspicuous, and must
exhibit a generalized form of transferability, defined by the FAIL model. By
taking these constraints into account, we design StingRay, a targeted poisoning
attack that is practical against 4 machine learning applications, which use 3
different learning algorithms, and can bypass 2 existing defenses. Conversely,
we show that a prior evasion attack is less effective under generalized
transferability. Such attack evaluations, under the FAIL adversary model, may
also suggest promising directions for future defenses.
|
Improving Transferability of Adversarial Examples with Input Diversity | Though CNNs have achieved the state-of-the-art performance on various vision
tasks, they are vulnerable to adversarial examples --- crafted by adding
human-imperceptible perturbations to clean images. However, most of the
existing adversarial attacks only achieve relatively low success rates under
the challenging black-box setting, where the attackers have no knowledge of the
model structure and parameters. To this end, we propose to improve the
transferability of adversarial examples by creating diverse input patterns.
Instead of only using the original images to generate adversarial examples, our
method applies random transformations to the input images at each iteration.
Extensive experiments on ImageNet show that the proposed attack method can
generate adversarial examples that transfer much better to different networks
than existing baselines. By evaluating our method against top defense solutions
and official baselines from NIPS 2017 adversarial competition, the enhanced
attack reaches an average success rate of 73.0%, which outperforms the top-1
attack submission in the NIPS competition by a large margin of 6.6%. We hope
that our proposed attack strategy can serve as a strong benchmark baseline for
evaluating the robustness of networks to adversaries and the effectiveness of
different defense methods in the future. Code is available at
https://github.com/cihangxie/DI-2-FGSM.
|
Numerical Integration on Graphs: where to sample and how to weigh | Let $G=(V,E,w)$ be a finite, connected graph with weighted edges. We are
interested in the problem of finding a subset $W \subset V$ of vertices and
weights $a_w$ such that $$ \frac{1}{|V|}\sum_{v \in V}^{}{f(v)} \sim \sum_{w
\in W}{a_w f(w)}$$ for functions $f:V \rightarrow \mathbb{R}$ that are `smooth'
with respect to the geometry of the graph. The main application are problems
where $f$ is known to somehow depend on the underlying graph but is expensive
to evaluate on even a single vertex. We prove an inequality showing that the
integration problem can be rewritten as a geometric problem (`the optimal
packing of heat balls'). We discuss how one would construct approximate
solutions of the heat ball packing problem; numerical examples demonstrate the
efficiency of the method.
|
Estimating the intrinsic dimension of datasets by a minimal neighborhood
information | Analyzing large volumes of high-dimensional data is an issue of fundamental
importance in data science, molecular simulations and beyond. Several
approaches work on the assumption that the important content of a dataset
belongs to a manifold whose Intrinsic Dimension (ID) is much lower than the
crude large number of coordinates. Such manifold is generally twisted and
curved, in addition points on it will be non-uniformly distributed: two factors
that make the identification of the ID and its exploitation really hard. Here
we propose a new ID estimator using only the distance of the first and the
second nearest neighbor of each point in the sample. This extreme minimality
enables us to reduce the effects of curvature, of density variation, and the
resulting computational cost. The ID estimator is theoretically exact in
uniformly distributed datasets, and provides consistent measures in general.
When used in combination with block analysis, it allows discriminating the
relevant dimensions as a function of the block size. This allows estimating the
ID even when the data lie on a manifold perturbed by a high-dimensional noise,
a situation often encountered in real world data sets. We demonstrate the
usefulness of the approach on molecular simulations and image analysis.
|
Projective Splitting with Forward Steps: Asynchronous and
Block-Iterative Operator Splitting | This work is concerned with the classical problem of finding a zero of a sum
of maximal monotone operators. For the projective splitting framework recently
proposed by Combettes and Eckstein, we show how to replace the fundamental
subproblem calculation using a backward step with one based on two forward
steps. The resulting algorithms have the same kind of coordination procedure
and can be implemented in the same block-iterative and highly flexible manner,
but may perform backward steps on some operators and forward steps on others.
Prior algorithms in the projective splitting family have used only backward
steps. Forward steps can be used for any Lipschitz-continuous operators
provided the stepsize is bounded by the inverse of the Lipschitz constant. If
the Lipschitz constant is unknown, a simple backtracking linesearch procedure
may be used. For affine operators, the stepsize can be chosen adaptively
without knowledge of the Lipschitz constant and without any additional forward
steps. We close the paper by empirically studying the performance of several
kinds of splitting algorithms on a large-scale rare feature selection problem.
|
Simple random search provides a competitive approach to reinforcement
learning | A common belief in model-free reinforcement learning is that methods based on
random search in the parameter space of policies exhibit significantly worse
sample complexity than those that explore the space of actions. We dispel such
beliefs by introducing a random search method for training static, linear
policies for continuous control problems, matching state-of-the-art sample
efficiency on the benchmark MuJoCo locomotion tasks. Our method also finds a
nearly optimal controller for a challenging instance of the Linear Quadratic
Regulator, a classical problem in control theory, when the dynamics are not
known. Computationally, our random search algorithm is at least 15 times more
efficient than the fastest competing model-free methods on these benchmarks. We
take advantage of this computational efficiency to evaluate the performance of
our method over hundreds of random seeds and many different hyperparameter
configurations for each benchmark task. Our simulations highlight a high
variability in performance in these benchmark tasks, suggesting that commonly
used estimations of sample efficiency do not adequately evaluate the
performance of RL algorithms.
|
Setting up a Reinforcement Learning Task with a Real-World Robot | Reinforcement learning is a promising approach to developing hard-to-engineer
adaptive solutions for complex and diverse robotic tasks. However, learning
with real-world robots is often unreliable and difficult, which resulted in
their low adoption in reinforcement learning research. This difficulty is
worsened by the lack of guidelines for setting up learning tasks with robots.
In this work, we develop a learning task with a UR5 robotic arm to bring to
light some key elements of a task setup and study their contributions to the
challenges with robots. We find that learning performance can be highly
sensitive to the setup, and thus oversights and omissions in setup details can
make effective learning, reproducibility, and fair comparison hard. Our study
suggests some mitigating steps to help future experimenters avoid difficulties
and pitfalls. We show that highly reliable and repeatable experiments can be
performed in our setup, indicating the possibility of reinforcement learning
research extensively based on real-world robots.
|
D$^2$: Decentralized Training over Decentralized Data | While training a machine learning model using multiple workers, each of which
collects data from their own data sources, it would be most useful when the
data collected from different workers can be {\em unique} and {\em different}.
Ironically, recent analysis of decentralized parallel stochastic gradient
descent (D-PSGD) relies on the assumption that the data hosted on different
workers are {\em not too different}. In this paper, we ask the question: {\em
Can we design a decentralized parallel stochastic gradient descent algorithm
that is less sensitive to the data variance across workers?} In this paper, we
present D$^2$, a novel decentralized parallel stochastic gradient descent
algorithm designed for large data variance \xr{among workers} (imprecisely,
"decentralized" data). The core of D$^2$ is a variance blackuction extension of
the standard D-PSGD algorithm, which improves the convergence rate from
$O\left({\sigma \over \sqrt{nT}} + {(n\zeta^2)^{\frac{1}{3}} \over
T^{2/3}}\right)$ to $O\left({\sigma \over \sqrt{nT}}\right)$ where $\zeta^{2}$
denotes the variance among data on different workers. As a result, D$^2$ is
robust to data variance among workers. We empirically evaluated D$^2$ on image
classification tasks where each worker has access to only the data of a limited
set of labels, and find that D$^2$ significantly outperforms D-PSGD.
|
Learning non-Gaussian Time Series using the Box-Cox Gaussian Process | Gaussian processes (GPs) are Bayesian nonparametric generative models that
provide interpretability of hyperparameters, admit closed-form expressions for
training and inference, and are able to accurately represent uncertainty. To
model general non-Gaussian data with complex correlation structure, GPs can be
paired with an expressive covariance kernel and then fed into a nonlinear
transformation (or warping). However, overparametrising the kernel and the
warping is known to, respectively, hinder gradient-based training and make the
predictions computationally expensive. We remedy this issue by (i) training the
model using derivative-free global-optimisation techniques so as to find
meaningful maxima of the model likelihood, and (ii) proposing a warping
function based on the celebrated Box-Cox transformation that requires minimal
numerical approximations---unlike existing warped GP models. We validate the
proposed approach by first showing that predictions can be computed
analytically, and then on a learning, reconstruction and forecasting experiment
using real-world datasets.
|
Neural Text Generation: Past, Present and Beyond | This paper presents a systematic survey on recent development of neural text
generation models. Specifically, we start from recurrent neural network
language models with the traditional maximum likelihood estimation training
scheme and point out its shortcoming for text generation. We thus introduce the
recently proposed methods for text generation based on reinforcement learning,
re-parametrization tricks and generative adversarial nets (GAN) techniques. We
compare different properties of these models and the corresponding techniques
to handle their common problems such as gradient vanishing and generation
diversity. Finally, we conduct a benchmarking experiment with different types
of neural text generation models on two well-known datasets and discuss the
empirical results along with the aforementioned model properties.
|
Adversarial Generalized Method of Moments | We provide an approach for learning deep neural net representations of models
described via conditional moment restrictions. Conditional moment restrictions
are widely used, as they are the language by which social scientists describe
the assumptions they make to enable causal inference. We formulate the problem
of estimating the underling model as a zero-sum game between a modeler and an
adversary and apply adversarial training. Our approach is similar in nature to
Generative Adversarial Networks (GAN), though here the modeler is learning a
representation of a function that satisfies a continuum of moment conditions
and the adversary is identifying violating moments. We outline ways of
constructing effective adversaries in practice, including kernels centered by
k-means clustering, and random forests. We examine the practical performance of
our approach in the setting of non-parametric instrumental variable regression.
|
Diagnostic Classification Of Lung Nodules Using 3D Neural Networks | Lung cancer is the leading cause of cancer-related death worldwide. Early
diagnosis of pulmonary nodules in Computed Tomography (CT) chest scans provides
an opportunity for designing effective treatment and making financial and care
plans. In this paper, we consider the problem of diagnostic classification
between benign and malignant lung nodules in CT images, which aims to learn a
direct mapping from 3D images to class labels. To achieve this goal, four
two-pathway Convolutional Neural Networks (CNN) are proposed, including a basic
3D CNN, a novel multi-output network, a 3D DenseNet, and an augmented 3D
DenseNet with multi-outputs. These four networks are evaluated on the public
LIDC-IDRI dataset and outperform most existing methods. In particular, the 3D
multi-output DenseNet (MoDenseNet) achieves the state-of-the-art classification
accuracy on the task of end-to-end lung nodule diagnosis. In addition, the
networks pretrained on the LIDC-IDRI dataset can be further extended to handle
smaller datasets using transfer learning. This is demonstrated on our dataset
with encouraging prediction accuracy in lung nodule classification.
|
Training Recurrent Neural Networks as a Constraint Satisfaction Problem | This paper presents a new approach for training artificial neural networks
using techniques for solving the constraint satisfaction problem (CSP). The
quotient gradient system (QGS) is a trajectory-based method for solving the
CSP. This study converts the training set of a neural network into a CSP and
uses the QGS to find its solutions. The QGS finds the global minimum of the
optimization problem by tracking trajectories of a nonlinear dynamical system
and does not stop at a local minimum of the optimization problem. Lyapunov
theory is used to prove the asymptotic stability of the solutions with and
without the presence of measurement errors. Numerical examples illustrate the
effectiveness of the proposed methodology and compare it to a genetic algorithm
and error backpropagation.
|
Monte Carlo Information Geometry: The dually flat case | Exponential families and mixture families are parametric probability models
that can be geometrically studied as smooth statistical manifolds with respect
to any statistical divergence like the Kullback-Leibler (KL) divergence or the
Hellinger divergence. When equipping a statistical manifold with the KL
divergence, the induced manifold structure is dually flat, and the KL
divergence between distributions amounts to an equivalent Bregman divergence on
their corresponding parameters. In practice, the corresponding Bregman
generators of mixture/exponential families require to perform definite integral
calculus that can either be too time-consuming (for exponentially large
discrete support case) or even do not admit closed-form formula (for continuous
support case). In these cases, the dually flat construction remains theoretical
and cannot be used by information-geometric algorithms. To bypass this problem,
we consider performing stochastic Monte Carlo (MC) estimation of those
integral-based mixture/exponential family Bregman generators. We show that,
under natural assumptions, these MC generators are almost surely Bregman
generators. We define a series of dually flat information geometries, termed
Monte Carlo Information Geometries, that increasingly-finely approximate the
untractable geometry. The advantage of this MCIG is that it allows a practical
use of the Bregman algorithmic toolbox on a wide range of probability
distribution families. We demonstrate our approach with a clustering task on a
mixture family manifold.
|
Variance Reduction for Policy Gradient with Action-Dependent Factorized
Baselines | Policy gradient methods have enjoyed great success in deep reinforcement
learning but suffer from high variance of gradient estimates. The high variance
problem is particularly exasperated in problems with long horizons or
high-dimensional action spaces. To mitigate this issue, we derive a bias-free
action-dependent baseline for variance reduction which fully exploits the
structural form of the stochastic policy itself and does not make any
additional assumptions about the MDP. We demonstrate and quantify the benefit
of the action-dependent baseline through both theoretical analysis as well as
numerical results, including an analysis of the suboptimality of the optimal
state-dependent baseline. The result is a computationally efficient policy
gradient algorithm, which scales to high-dimensional control problems, as
demonstrated by a synthetic 2000-dimensional target matching task. Our
experimental results indicate that action-dependent baselines allow for faster
learning on standard reinforcement learning benchmarks and high-dimensional
hand manipulation and synthetic tasks. Finally, we show that the general idea
of including additional information in baselines for improved variance
reduction can be extended to partially observed and multi-agent tasks.
|
Sparse Reduced Rank Regression With Nonconvex Regularization | In this paper, the estimation problem for sparse reduced rank regression
(SRRR) model is considered. The SRRR model is widely used for dimension
reduction and variable selection with applications in signal processing,
econometrics, etc. The problem is formulated to minimize the least squares loss
with a sparsity-inducing penalty considering an orthogonality constraint.
Convex sparsity-inducing functions have been used for SRRR in literature. In
this work, a nonconvex function is proposed for better sparsity inducing. An
efficient algorithm is developed based on the alternating minimization (or
projection) method to solve the nonconvex optimization problem. Numerical
simulations show that the proposed algorithm is much more efficient compared to
the benchmark methods and the nonconvex function can result in a better
estimation accuracy.
|
Removing Confounding Factors Associated Weights in Deep Neural Networks
Improves the Prediction Accuracy for Healthcare Applications | The proliferation of healthcare data has brought the opportunities of
applying data-driven approaches, such as machine learning methods, to assist
diagnosis. Recently, many deep learning methods have been shown with impressive
successes in predicting disease status with raw input data. However, the
"black-box" nature of deep learning and the high-reliability requirement of
biomedical applications have created new challenges regarding the existence of
confounding factors. In this paper, with a brief argument that inappropriate
handling of confounding factors will lead to models' sub-optimal performance in
real-world applications, we present an efficient method that can remove the
influences of confounding factors such as age or gender to improve the
across-cohort prediction accuracy of neural networks. One distinct advantage of
our method is that it only requires minimal changes of the baseline model's
architecture so that it can be plugged into most of the existing neural
networks. We conduct experiments across CT-scan, MRA, and EEG brain wave with
convolutional neural networks and LSTM to verify the efficiency of our method.
|
GaAN: Gated Attention Networks for Learning on Large and Spatiotemporal
Graphs | We propose a new network architecture, Gated Attention Networks (GaAN), for
learning on graphs. Unlike the traditional multi-head attention mechanism,
which equally consumes all attention heads, GaAN uses a convolutional
sub-network to control each attention head's importance. We demonstrate the
effectiveness of GaAN on the inductive node classification problem. Moreover,
with GaAN as a building block, we construct the Graph Gated Recurrent Unit
(GGRU) to address the traffic speed forecasting problem. Extensive experiments
on three real-world datasets show that our GaAN framework achieves
state-of-the-art results on both tasks.
|
Risk and parameter convergence of logistic regression | Gradient descent, when applied to the task of logistic regression, outputs
iterates which are biased to follow a unique ray defined by the data. The
direction of this ray is the maximum margin predictor of a maximal linearly
separable subset of the data; the gradient descent iterates converge to this
ray in direction at the rate $\mathcal{O}(\ln\ln t / \ln t)$. The ray does not
pass through the origin in general, and its offset is the bounded global
optimum of the risk over the remaining data; gradient descent recovers this
offset at a rate $\mathcal{O}((\ln t)^2 / \sqrt{t})$.
|
Optimizing Sponsored Search Ranking Strategy by Deep Reinforcement
Learning | Sponsored search is an indispensable business model and a major revenue
contributor of almost all the search engines. From the advertisers' side,
participating in ranking the search results by paying for the sponsored search
advertisement to attract more awareness and purchase facilitates their
commercial goal. From the users' side, presenting personalized advertisement
reflecting their propensity would make their online search experience more
satisfactory. Sponsored search platforms rank the advertisements by a ranking
function to determine the list of advertisements to show and the charging price
for the advertisers. Hence, it is crucial to find a good ranking function which
can simultaneously satisfy the platform, the users and the advertisers.
Moreover, advertisements showing positions under different queries from
different users may associate with advertisement candidates of different bid
price distributions and click probability distributions, which requires the
ranking functions to be optimized adaptively to the traffic characteristics. In
this work, we proposed a generic framework to optimize the ranking functions by
deep reinforcement learning methods. The framework is composed of two parts: an
offline learning part which initializes the ranking functions by learning from
a simulated advertising environment, allowing adequate exploration of the
ranking function parameter space without hurting the performance of the
commercial platform. An online learning part which further optimizes the
ranking functions by adapting to the online data distribution. Experimental
results on a large-scale sponsored search platform confirm the effectiveness of
the proposed method.
|
Frank-Wolfe with Subsampling Oracle | We analyze two novel randomized variants of the Frank-Wolfe (FW) or
conditional gradient algorithm. While classical FW algorithms require solving a
linear minimization problem over the domain at each iteration, the proposed
method only requires to solve a linear minimization problem over a small
\emph{subset} of the original domain. The first algorithm that we propose is a
randomized variant of the original FW algorithm and achieves a
$\mathcal{O}(1/t)$ sublinear convergence rate as in the deterministic
counterpart. The second algorithm is a randomized variant of the Away-step FW
algorithm, and again as its deterministic counterpart, reaches linear (i.e.,
exponential) convergence rate making it the first provably convergent
randomized variant of Away-step FW. In both cases, while subsampling reduces
the convergence rate by a constant factor, the linear minimization step can be
a fraction of the cost of that of the deterministic versions, especially when
the data is streamed. We illustrate computational gains of the algorithms on
regression problems, involving both $\ell_1$ and latent group lasso penalties.
|
Tensor2Tensor for Neural Machine Translation | Tensor2Tensor is a library for deep learning models that is well-suited for
neural machine translation and includes the reference implementation of the
state-of-the-art Transformer model.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.