title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Challenging Images For Minds and Machines | There is no denying the tremendous leap in the performance of machine
learning methods in the past half-decade. Some might even say that specific
sub-fields in pattern recognition, such as machine-vision, are as good as
solved, reaching human and super-human levels. Arguably, lack of training data
and computation power are all that stand between us and solving the remaining
ones. In this position paper we underline cases in vision which are challenging
to machines and even to human observers. This is to show limitations of
contemporary models that are hard to ameliorate by following the current trend
to increase training data, network capacity or computational power. Moreover,
we claim that attempting to do so is in principle a suboptimal approach. We
provide a taster of such examples in hope to encourage and challenge the
machine learning community to develop new directions to solve the said
difficulties.
|
Persistence Codebooks for Topological Data Analysis | Persistent homology (PH) is a rigorous mathematical theory that provides a
robust descriptor of data in the form of persistence diagrams (PDs) which are
2D multisets of points. Their variable size makes them, however, difficult to
combine with typical machine learning workflows. In this paper we introduce
persistence codebooks, a novel expressive and discriminative fixed-size
vectorized representation of PDs. To this end, we adapt bag-of-words (BoW),
vectors of locally aggregated descriptors (VLAD) and Fischer vectors (FV) for
the quantization of PDs. Persistence codebooks represent PDs in a convenient
way for machine learning and statistical analysis and have a number of
favorable practical and theoretical properties including 1-Wasserstein
stability. We evaluate the presented representations on several heterogeneous
datasets and show their (high) discriminative power. Our approach achieves
state-of-the-art performance and beyond in much less time than alternative
approaches.
|
Learning Confidence for Out-of-Distribution Detection in Neural Networks | Modern neural networks are very powerful predictive models, but they are
often incapable of recognizing when their predictions may be wrong. Closely
related to this is the task of out-of-distribution detection, where a network
must determine whether or not an input is outside of the set on which it is
expected to safely perform. To jointly address these issues, we propose a
method of learning confidence estimates for neural networks that is simple to
implement and produces intuitively interpretable outputs. We demonstrate that
on the task of out-of-distribution detection, our technique surpasses recently
proposed techniques which construct confidence based on the network's output
distribution, without requiring any additional labels or access to
out-of-distribution examples. Additionally, we address the problem of
calibrating out-of-distribution detectors, where we demonstrate that
misclassified in-distribution examples can be used as a proxy for
out-of-distribution examples.
|
SimplE Embedding for Link Prediction in Knowledge Graphs | Knowledge graphs contain knowledge about the world and provide a structured
representation of this knowledge. Current knowledge graphs contain only a small
subset of what is true in the world. Link prediction approaches aim at
predicting new links for a knowledge graph given the existing links among the
entities. Tensor factorization approaches have proved promising for such link
prediction problems. Proposed in 1927, Canonical Polyadic (CP) decomposition is
among the first tensor factorization approaches. CP generally performs poorly
for link prediction as it learns two independent embedding vectors for each
entity, whereas they are really tied. We present a simple enhancement of CP
(which we call SimplE) to allow the two embeddings of each entity to be learned
dependently. The complexity of SimplE grows linearly with the size of
embeddings. The embeddings learned through SimplE are interpretable, and
certain types of background knowledge can be incorporated into these embeddings
through weight tying. We prove SimplE is fully expressive and derive a bound on
the size of its embeddings for full expressivity. We show empirically that,
despite its simplicity, SimplE outperforms several state-of-the-art tensor
factorization techniques. SimplE's code is available on GitHub at
https://github.com/Mehran-k/SimplE.
|
GILBO: One Metric to Measure Them All | We propose a simple, tractable lower bound on the mutual information
contained in the joint generative density of any latent variable generative
model: the GILBO (Generative Information Lower BOund). It offers a
data-independent measure of the complexity of the learned latent variable
description, giving the log of the effective description length. It is
well-defined for both VAEs and GANs. We compute the GILBO for 800 GANs and VAEs
each trained on four datasets (MNIST, FashionMNIST, CIFAR-10 and CelebA) and
discuss the results.
|
Learning via social awareness: Improving a deep generative sketching
model with facial feedback | In the quest towards general artificial intelligence (AI), researchers have
explored developing loss functions that act as intrinsic motivators in the
absence of external rewards. This paper argues that such research has
overlooked an important and useful intrinsic motivator: social interaction. We
posit that making an AI agent aware of implicit social feedback from humans can
allow for faster learning of more generalizable and useful representations, and
could potentially impact AI safety. We collect social feedback in the form of
facial expression reactions to samples from Sketch RNN, an LSTM-based
variational autoencoder (VAE) designed to produce sketch drawings. We use a
Latent Constraints GAN (LC-GAN) to learn from the facial feedback of a small
group of viewers, by optimizing the model to produce sketches that it predicts
will lead to more positive facial expressions. We show in multiple independent
evaluations that the model trained with facial feedback produced sketches that
are more highly rated, and induce significantly more positive facial
expressions. Thus, we establish that implicit social feedback can improve the
output of a deep learning model.
|
Probabilistic Warnings in National Security Crises: Pearl Harbor
Revisited | Imagine a situation where a group of adversaries is preparing an attack on
the United States or U.S. interests. An intelligence analyst has observed some
signals, but the situation is rapidly changing. The analyst faces the decision
to alert a principal decision maker that an attack is imminent, or to wait
until more is known about the situation. This warning decision is based on the
analyst's observation and evaluation of signals, independent or correlated, and
on her updating of the prior probabilities of possible scenarios and their
outcomes. The warning decision also depends on the analyst's assessment of the
crisis' dynamics and perception of the preferences of the principal decision
maker, as well as the lead time needed for an appropriate response. This
article presents a model to support this analyst's dynamic warning decision. As
with most problems involving warning, the key is to manage the tradeoffs
between false positives and false negatives given the probabilities and the
consequences of intelligence failures of both types. The model is illustrated
by revisiting the case of the attack on Pearl Harbor in December 1941. It shows
that the radio silence of the Japanese fleet carried considerable information
(Sir Arthur Conan Doyle's "dog in the night" problem), which was misinterpreted
at the time. Even though the probabilities of different attacks were relatively
low, their consequences were such that the Bayesian dynamic reasoning described
here may have provided valuable information to key decision makers.
|
Understanding Membership Inferences on Well-Generalized Learning Models | Membership Inference Attack (MIA) determines the presence of a record in a
machine learning model's training data by querying the model. Prior work has
shown that the attack is feasible when the model is overfitted to its training
data or when the adversary controls the training algorithm. However, when the
model is not overfitted and the adversary does not control the training
algorithm, the threat is not well understood. In this paper, we report a study
that discovers overfitting to be a sufficient but not a necessary condition for
an MIA to succeed. More specifically, we demonstrate that even a
well-generalized model contains vulnerable instances subject to a new
generalized MIA (GMIA). In GMIA, we use novel techniques for selecting
vulnerable instances and detecting their subtle influences ignored by
overfitting metrics. Specifically, we successfully identify individual records
with high precision in real-world datasets by querying black-box machine
learning models. Further we show that a vulnerable record can even be
indirectly attacked by querying other related records and existing
generalization techniques are found to be less effective in protecting the
vulnerable instances. Our findings sharpen the understanding of the fundamental
cause of the problem: the unique influences the training instance may have on
the model.
|
Uncertainty Estimation via Stochastic Batch Normalization | In this work, we investigate Batch Normalization technique and propose its
probabilistic interpretation. We propose a probabilistic model and show that
Batch Normalization maximazes the lower bound of its marginalized
log-likelihood. Then, according to the new probabilistic model, we design an
algorithm which acts consistently during train and test. However, inference
becomes computationally inefficient. To reduce memory and computational cost,
we propose Stochastic Batch Normalization -- an efficient approximation of
proper inference procedure. This method provides us with a scalable uncertainty
estimation technique. We demonstrate the performance of Stochastic Batch
Normalization on popular architectures (including deep convolutional
architectures: VGG-like and ResNets) for MNIST and CIFAR-10 datasets.
|
Field-Programmable Deep Neural Network (DNN) Learning and Inference
accelerator: a concept | An accelerator is a specialized integrated circuit designed to perform
specific computations faster than if those were performed by CPU or GPU. A
Field-Programmable DNN learning and inference accelerator (FProg-DNN) using
hybrid systolic and non-systolic techniques, distributed information-control
and deep pipelined structure is proposed and its microarchitecture and
operation presented here. Reconfigurability attends diverse DNN designs and
allows for different number of workers to be assigned to different layers as a
function of the relative difference in computational load among layers. The
computational delay per layer is made roughly the same along pipelined
accelerator structure. VGG-16 and recently proposed Inception Modules are used
for showing the flexibility of the FProg-DNN reconfigurability. Special
structures were also added for a combination of convolution layer, map
coincidence and feedback for state of the art learning with small set of
examples, which is the focus of a companion paper by the author (Franca-Neto,
2018). The accelerator described is able to reconfigure from (1) allocating all
a DNN computations to a single worker in one extreme of sub-optimal performance
to (2) optimally allocating workers per layer according to computational load
in each DNN layer to be realized. Due the pipelined architecture, more than 50x
speedup is achieved relative to GPUs or TPUs. This speed-up is consequence of
hiding the delay in transporting activation outputs from one layer to the next
in a DNN behind the computations in the receiving layer. This FProg-DNN concept
has been simulated and validated at behavioral-functional level.
|
Molecular Structure Extraction From Documents Using Deep Learning | Chemical structure extraction from documents remains a hard problem due to
both false positive identification of structures during segmentation and errors
in the predicted structures. Current approaches rely on handcrafted rules and
subroutines that perform reasonably well generally, but still routinely
encounter situations where recognition rates are not yet satisfactory and
systematic improvement is challenging. Complications impacting performance of
current approaches include the diversity in visual styles used by various
software to render structures, the frequent use of ad hoc annotations, and
other challenges related to image quality, including resolution and noise. We
here present end-to-end deep learning solutions for both segmenting molecular
structures from documents and for predicting chemical structures from these
segmented images. This deep learning-based approach does not require any
handcrafted features, is learned directly from data, and is robust against
variations in image quality and style. Using the deep-learning approach
described herein we show that it is possible to perform well on both
segmentation and prediction of low resolution images containing moderately
sized molecules found in journal articles and patents.
|
Compressive Sensing Using Iterative Hard Thresholding with Low Precision
Data Representation: Theory and Applications | Modern scientific instruments produce vast amounts of data, which can
overwhelm the processing ability of computer systems. Lossy compression of data
is an intriguing solution, but comes with its own drawbacks, such as potential
signal loss, and the need for careful optimization of the compression ratio. In
this work, we focus on a setting where this problem is especially acute:
compressive sensing frameworks for interferometry and medical imaging. We ask
the following question: can the precision of the data representation be lowered
for all inputs, with recovery guarantees and practical performance? Our first
contribution is a theoretical analysis of the normalized Iterative Hard
Thresholding (IHT) algorithm when all input data, meaning both the measurement
matrix and the observation vector are quantized aggressively. We present a
variant of low precision normalized {IHT} that, under mild conditions, can
still provide recovery guarantees. The second contribution is the application
of our quantization framework to radio astronomy and magnetic resonance
imaging. We show that lowering the precision of the data can significantly
accelerate image recovery. We evaluate our approach on telescope data and
samples of brain images using CPU and FPGA implementations achieving up to a 9x
speed-up with negligible loss of recovery quality.
|
Large-Scale Sparse Inverse Covariance Estimation via Thresholding and
Max-Det Matrix Completion | The sparse inverse covariance estimation problem is commonly solved using an
$\ell_{1}$-regularized Gaussian maximum likelihood estimator known as
"graphical lasso", but its computational cost becomes prohibitive for large
data sets. A recent line of results showed--under mild assumptions--that the
graphical lasso estimator can be retrieved by soft-thresholding the sample
covariance matrix and solving a maximum determinant matrix completion (MDMC)
problem. This paper proves an extension of this result, and describes a
Newton-CG algorithm to efficiently solve the MDMC problem. Assuming that the
thresholded sample covariance matrix is sparse with a sparse Cholesky
factorization, we prove that the algorithm converges to an $\epsilon$-accurate
solution in $O(n\log(1/\epsilon))$ time and $O(n)$ memory. The algorithm is
highly efficient in practice: we solve the associated MDMC problems with as
many as 200,000 variables to 7-9 digits of accuracy in less than an hour on a
standard laptop computer running MATLAB.
|
Prophit: Causal inverse classification for multiple continuously valued
treatment policies | Inverse classification uses an induced classifier as a queryable oracle to
guide test instances towards a preferred posterior class label. The result
produced from the process is a set of instance-specific feature perturbations,
or recommendations, that optimally improve the probability of the class label.
In this work, we adopt a causal approach to inverse classification, eliciting
treatment policies (i.e., feature perturbations) for models induced with causal
properties. In so doing, we solve a long-standing problem of eliciting
multiple, continuously valued treatment policies, using an updated framework
and corresponding set of assumptions, which we term the inverse classification
potential outcomes framework (ICPOF), along with a new measure, referred to as
the individual future estimated effects ($i$FEE). We also develop the
approximate propensity score (APS), based on Gaussian processes, to weight
treatments, much like the inverse propensity score weighting used in past
works. We demonstrate the viability of our methods on student performance.
|
DVAE++: Discrete Variational Autoencoders with Overlapping
Transformations | Training of discrete latent variable models remains challenging because
passing gradient information through discrete units is difficult. We propose a
new class of smoothing transformations based on a mixture of two overlapping
distributions, and show that the proposed transformation can be used for
training binary latent models with either directed or undirected priors. We
derive a new variational bound to efficiently train with Boltzmann machine
priors. Using this bound, we develop DVAE++, a generative model with a global
discrete prior and a hierarchy of convolutional continuous variables.
Experiments on several benchmarks show that overlapping transformations
outperform other recent continuous relaxations of discrete latent variables
including Gumbel-Softmax (Maddison et al., 2016; Jang et al., 2016), and
discrete variational autoencoders (Rolfe 2016).
|
Exploring Hidden Dimensions in Parallelizing Convolutional Neural
Networks | The past few years have witnessed growth in the computational requirements
for training deep convolutional neural networks. Current approaches parallelize
training onto multiple devices by applying a single parallelization strategy
(e.g., data or model parallelism) to all layers in a network. Although easy to
reason about, these approaches result in suboptimal runtime performance in
large-scale distributed training, since different layers in a network may
prefer different parallelization strategies. In this paper, we propose
layer-wise parallelism that allows each layer in a network to use an individual
parallelization strategy. We jointly optimize how each layer is parallelized by
solving a graph search problem. Our evaluation shows that layer-wise
parallelism outperforms state-of-the-art approaches by increasing training
throughput, reducing communication costs, achieving better scalability to
multiple GPUs, while maintaining original network accuracy.
|
Geometry-Based Data Generation | Many generative models attempt to replicate the density of their input data.
However, this approach is often undesirable, since data density is highly
affected by sampling biases, noise, and artifacts. We propose a method called
SUGAR (Synthesis Using Geometrically Aligned Random-walks) that uses a
diffusion process to learn a manifold geometry from the data. Then, it
generates new points evenly along the manifold by pulling randomly generated
points into its intrinsic structure using a diffusion kernel. SUGAR equalizes
the density along the manifold by selectively generating points in sparse areas
of the manifold. We demonstrate how the approach corrects sampling biases and
artifacts, while also revealing intrinsic patterns (e.g. progression) and
relations in the data. The method is applicable for correcting missing data,
finding hypothetical data points, and learning relationships between data
features.
|
Context-Specific Validation of Data-Driven Models | With an increasing use of data-driven models to control robotic systems, it
has become important to develop a methodology for validating such models before
they can be deployed to design a controller for the actual system.
Specifically, it must be ensured that the controller designed for a learned
model would perform as expected on the actual physical system. We propose a
context-specific validation framework to quantify the quality of a learned
model based on a distance measure between the closed-loop actual system and the
learned model. We then propose an active sampling scheme to compute a
probabilistic upper bound on this distance in a sample-efficient manner. The
proposed framework validates the learned model against only those behaviors of
the system that are relevant for the purpose for which we intend to use this
model, and does not require any a priori knowledge of the system dynamics.
Several simulations illustrate the practicality of the proposed framework for
validating the models of real-world systems, and consequently, for controller
synthesis.
|
Energy Spatio-Temporal Pattern Prediction for Electric Vehicle Networks | Information about the spatio-temporal pattern of electricity energy carried
by EVs, instead of EVs themselves, is crucial for EVs to establish more
effective and intelligent interactions with the smart grid. In this paper, we
propose a framework for predicting the amount of the electricity energy stored
by a large number of EVs aggregated within different city-scale regions, based
on spatio-temporal pattern of the electricity energy. The spatial pattern is
modeled via using a neural network based spatial predictor, while the temporal
pattern is captured via using a linear-chain conditional random field (CRF)
based temporal predictor. Two predictors are fed with spatial and temporal
features respectively, which are extracted based on real trajectories data
recorded in Beijing. Furthermore, we combine both predictors to build the
spatio-temporal predictor, by using an optimal combination coefficient which
minimizes the normalized mean square error (NMSE) of the predictions. The
prediction performance is evaluated based on extensive experiments covering
both spatial and temporal predictions, and the improvement achieved by the
combined spatio-temporal predictor. The experiment results show that the NMSE
of the spatio-temporal predictor is maintained below 0.1 for all investigate
regions of Beijing. We further visualize the prediction and discuss the
potential benefits can be brought to smart grid scheduling and EV charging by
utilizing the proposed framework.
|
Isolating Sources of Disentanglement in Variational Autoencoders | We decompose the evidence lower bound to show the existence of a term
measuring the total correlation between latent variables. We use this to
motivate our $\beta$-TCVAE (Total Correlation Variational Autoencoder), a
refinement of the state-of-the-art $\beta$-VAE objective for learning
disentangled representations, requiring no additional hyperparameters during
training. We further propose a principled classifier-free measure of
disentanglement called the mutual information gap (MIG). We perform extensive
quantitative and qualitative experiments, in both restricted and non-restricted
settings, and show a strong relation between total correlation and
disentanglement, when the latent variables model is trained using our
framework.
|
Edge Attention-based Multi-Relational Graph Convolutional Networks | Graph convolutional network (GCN) is generalization of convolutional neural
network (CNN) to work with arbitrarily structured graphs. A binary adjacency
matrix is commonly used in training a GCN. Recently, the attention mechanism
allows the network to learn a dynamic and adaptive aggregation of the
neighborhood. We propose a new GCN model on the graphs where edges are
characterized in multiple views or precisely in terms of multiple
relationships. For instance, in chemical graph theory, compound structures are
often represented by the hydrogen-depleted molecular graph where nodes
correspond to atoms and edges correspond to chemical bonds. Multiple attributes
can be important to characterize chemical bonds, such as atom pair (the types
of atoms that a bond connects), aromaticity, and whether a bond is in a ring.
The different attributes lead to different graph representations for the same
molecule. There is growing interests in both chemistry and machine learning
fields to directly learn molecular properties of compounds from the molecular
graph, instead of from fingerprints predefined by chemists. The proposed GCN
model, which we call edge attention-based multi-relational GCN (EAGCN), jointly
learns attention weights and node features in graph convolution. For each bond
attribute, a real-valued attention matrix is used to replace the binary
adjacency matrix. By designing a dictionary for the edge attention, and forming
the attention matrix of each molecule by looking up the dictionary, the EAGCN
exploits correspondence between bonds in different molecules. The prediction of
compound properties is based on the aggregated node features, which is
independent of the varying molecule (graph) size. We demonstrate the efficacy
of the EAGCN on multiple chemical datasets: Tox21, HIV, Freesolv, and
Lipophilicity, and interpret the resultant attention weights.
|
Attack RMSE Leaderboard: An Introduction and Case Study | In this manuscript, we briefly introduce several tricks to climb the
leaderboards which use RMSE for evaluation without exploiting any training
data.
|
Graph2Seq: Scalable Learning Dynamics for Graphs | Neural networks have been shown to be an effective tool for learning
algorithms over graph-structured data. However, graph representation
techniques---that convert graphs to real-valued vectors for use with neural
networks---are still in their infancy. Recent works have proposed several
approaches (e.g., graph convolutional networks), but these methods have
difficulty scaling and generalizing to graphs with different sizes and shapes.
We present Graph2Seq, a new technique that represents vertices of graphs as
infinite time-series. By not limiting the representation to a fixed dimension,
Graph2Seq scales naturally to graphs of arbitrary sizes and shapes. Graph2Seq
is also reversible, allowing full recovery of the graph structure from the
sequences. By analyzing a formal computational model for graph representation,
we show that an unbounded sequence is necessary for scalability. Our
experimental results with Graph2Seq show strong generalization and new
state-of-the-art performance on a variety of graph combinatorial optimization
problems.
|
D2KE: From Distance to Kernel and Embedding | For many machine learning problem settings, particularly with structured
inputs such as sequences or sets of objects, a distance measure between inputs
can be specified more naturally than a feature representation. However, most
standard machine models are designed for inputs with a vector feature
representation. In this work, we consider the estimation of a function
$f:\mathcal{X} \rightarrow \R$ based solely on a dissimilarity measure
$d:\mathcal{X}\times\mathcal{X} \rightarrow \R$ between inputs. In particular,
we propose a general framework to derive a family of \emph{positive definite
kernels} from a given dissimilarity measure, which subsumes the widely-used
\emph{representative-set method} as a special case, and relates to the
well-known \emph{distance substitution kernel} in a limiting case. We show that
functions in the corresponding Reproducing Kernel Hilbert Space (RKHS) are
Lipschitz-continuous w.r.t. the given distance metric. We provide a tractable
algorithm to estimate a function from this RKHS, and show that it enjoys better
generalizability than Nearest-Neighbor estimates. Our approach draws from the
literature of Random Features, but instead of deriving feature maps from an
existing kernel, we construct novel kernels from a random feature map, that we
specify given the distance measure. We conduct classification experiments with
such disparate domains as strings, time series, and sets of vectors, where our
proposed framework compares favorably to existing distance-based learning
methods such as $k$-nearest-neighbors, distance-substitution kernels,
pseudo-Euclidean embedding, and the representative-set method.
|
DESlib: A Dynamic ensemble selection library in Python | DESlib is an open-source python library providing the implementation of
several dynamic selection techniques. The library is divided into three
modules: (i) \emph{dcs}, containing the implementation of dynamic classifier
selection methods (DCS); (ii) \emph{des}, containing the implementation of
dynamic ensemble selection methods (DES); (iii) \emph{static}, with the
implementation of static ensemble techniques. The library is fully documented
(documentation available online on Read the Docs), has a high test coverage
(codecov.io) and is part of the scikit-learn-contrib supported projects.
Documentation, code and examples can be found on its GitHub page:
https://github.com/scikit-learn-contrib/DESlib.
|
Convolutional Neural Networks over Control Flow Graphs for Software
Defect Prediction | Existing defects in software components is unavoidable and leads to not only
a waste of time and money but also many serious consequences. To build
predictive models, previous studies focus on manually extracting features or
using tree representations of programs, and exploiting different machine
learning algorithms. However, the performance of the models is not high since
the existing features and tree structures often fail to capture the semantics
of programs. To explore deeply programs' semantics, this paper proposes to
leverage precise graphs representing program execution flows, and deep neural
networks for automatically learning defect features. Firstly, control flow
graphs are constructed from the assembly instructions obtained by compiling
source code; we thereafter apply multi-view multi-layer directed graph-based
convolutional neural networks (DGCNNs) to learn semantic features. The
experiments on four real-world datasets show that our method significantly
outperforms the baselines including several other deep learning approaches.
|
Not to Cry Wolf: Distantly Supervised Multitask Learning in Critical
Care | Patients in the intensive care unit (ICU) require constant and close
supervision. To assist clinical staff in this task, hospitals use monitoring
systems that trigger audiovisual alarms if their algorithms indicate that a
patient's condition may be worsening. However, current monitoring systems are
extremely sensitive to movement artefacts and technical errors. As a result,
they typically trigger hundreds to thousands of false alarms per patient per
day - drowning the important alarms in noise and adding to the exhaustion of
clinical staff. In this setting, data is abundantly available, but obtaining
trustworthy annotations by experts is laborious and expensive. We frame the
problem of false alarm reduction from multivariate time series as a
machine-learning task and address it with a novel multitask network
architecture that utilises distant supervision through multiple related
auxiliary tasks in order to reduce the number of expensive labels required for
training. We show that our approach leads to significant improvements over
several state-of-the-art baselines on real-world ICU data and provide new
insights on the importance of task selection and architectural choices in
distantly supervised multitask learning.
|
Tackling Multilabel Imbalance through Label Decoupling and Data
Resampling Hybridization | The learning from imbalanced data is a deeply studied problem in standard
classification and, in recent times, also in multilabel classification. A
handful of multilabel resampling methods have been proposed in late years,
aiming to balance the labels distribution. However these methods have to face a
new obstacle, specific for multilabel data, as is the joint appearance of
minority and majority labels in the same data patterns. We proposed recently a
new algorithm designed to decouple imbalanced labels concurring in the same
instance, called REMEDIAL (\textit{REsampling MultilabEl datasets by Decoupling
highly ImbAlanced Labels}). The goal of this work is to propose a procedure to
hybridize this method with some of the best resampling algorithms available in
the literature, including random oversampling, heuristic undersampling and
synthetic sample generation techniques. These hybrid methods are then
empirically analyzed, determining how their behavior is influenced by the label
decoupling process. As a result, a noteworthy set of guidelines on the combined
use of these techniques can be drawn from the conducted experimentation.
|
Dealing with Difficult Minority Labels in Imbalanced Mutilabel Data Sets | Multilabel classification is an emergent data mining task with a broad range
of real world applications. Learning from imbalanced multilabel data is being
deeply studied latterly, and several resampling methods have been proposed in
the literature. The unequal label distribution in most multilabel datasets,
with disparate imbalance levels, could be a handicap while learning new
classifiers. In addition, this characteristic challenges many of the existent
preprocessing algorithms. Furthermore, the concurrence between imbalanced
labels can make harder the learning from certain labels. These are what we call
\textit{difficult} labels. In this work, the problem of difficult labels is
deeply analyzed, its influence in multilabel classifiers is studied, and a
novel way to solve this problem is proposed. Specific metrics to assess this
trait in multilabel datasets, called \textit{SCUMBLE} (\textit{Score of
ConcUrrence among iMBalanced LabEls}) and \textit{SCUMBLELbl}, are presented
along with REMEDIAL (\textit{REsampling MultilabEl datasets by Decoupling
highly ImbAlanced Labels}), a new algorithm aimed to relax label concurrence.
How to deal with this problem using the R mldr package is also outlined.
|
Robust Continuous Co-Clustering | Clustering consists of grouping together samples giving their similar
properties. The problem of modeling simultaneously groups of samples and
features is known as Co-Clustering. This paper introduces ROCCO - a Robust
Continuous Co-Clustering algorithm. ROCCO is a scalable, hyperparameter-free,
easy and ready to use algorithm to address Co-Clustering problems in practice
over massive cross-domain datasets. It operates by learning a graph-based
two-sided representation of the input matrix. The underlying proposed
optimization problem is non-convex, which assures a flexible pool of solutions.
Moreover, we prove that it can be solved with a near linear time complexity on
the input size. An exhaustive large-scale experimental testbed conducted with
both synthetic and real-world datasets demonstrates ROCCO's properties in
practice: (i) State-of-the-art performance in cross-domain real-world problems
including Biomedicine and Text Mining; (ii) very low sensitivity to
hyperparameter settings; (iii) robustness to noise and (iv) a linear empirical
scalability in practice. These results highlight ROCCO as a powerful
general-purpose co-clustering algorithm for cross-domain practitioners,
regardless of their technical background.
|
Benchmarking Framework for Performance-Evaluation of Causal Inference
Analysis | Causal inference analysis is the estimation of the effects of actions on
outcomes. In the context of healthcare data this means estimating the outcome
of counter-factual treatments (i.e. including treatments that were not
observed) on a patient's outcome. Compared to classic machine learning methods,
evaluation and validation of causal inference analysis is more challenging
because ground truth data of counter-factual outcome can never be obtained in
any real-world scenario. Here, we present a comprehensive framework for
benchmarking algorithms that estimate causal effect. The framework includes
unlabeled data for prediction, labeled data for validation, and code for
automatic evaluation of algorithm predictions using both established and novel
metrics. The data is based on real-world covariates, and the treatment
assignments and outcomes are based on simulations, which provides the basis for
validation. In this framework we address two questions: one of scaling, and the
other of data-censoring. The framework is available as open source code at
https://github.com/IBM-HRL-MLHLS/IBM-Causal-Inference-Benchmarking-Framework
|
GEP-PG: Decoupling Exploration and Exploitation in Deep Reinforcement
Learning Algorithms | In continuous action domains, standard deep reinforcement learning algorithms
like DDPG suffer from inefficient exploration when facing sparse or deceptive
reward problems. Conversely, evolutionary and developmental methods focusing on
exploration like Novelty Search, Quality-Diversity or Goal Exploration
Processes explore more robustly but are less efficient at fine-tuning policies
using gradient descent. In this paper, we present the GEP-PG approach, taking
the best of both worlds by sequentially combining a Goal Exploration Process
and two variants of DDPG. We study the learning performance of these components
and their combination on a low dimensional deceptive reward problem and on the
larger Half-Cheetah benchmark. We show that DDPG fails on the former and that
GEP-PG improves over the best DDPG variant in both environments. Supplementary
videos and discussion can be found at http://frama.link/gep_pg, the code at
http://github.com/flowersteam/geppg.
|
L4: Practical loss-based stepsize adaptation for deep learning | We propose a stepsize adaptation scheme for stochastic gradient descent. It
operates directly with the loss function and rescales the gradient in order to
make fixed predicted progress on the loss. We demonstrate its capabilities by
conclusively improving the performance of Adam and Momentum optimizers. The
enhanced optimizers with default hyperparameters consistently outperform their
constant stepsize counterparts, even the best ones, without a measurable
increase in computational cost. The performance is validated on multiple
architectures including dense nets, CNNs, ResNets, and the recurrent
Differential Neural Computer on classical datasets MNIST, fashion MNIST,
CIFAR10 and others.
|
DiCE: The Infinitely Differentiable Monte-Carlo Estimator | The score function estimator is widely used for estimating gradients of
stochastic objectives in stochastic computation graphs (SCG), eg, in
reinforcement learning and meta-learning. While deriving the first-order
gradient estimators by differentiating a surrogate loss (SL) objective is
computationally and conceptually simple, using the same approach for
higher-order derivatives is more challenging. Firstly, analytically deriving
and implementing such estimators is laborious and not compliant with automatic
differentiation. Secondly, repeatedly applying SL to construct new objectives
for each order derivative involves increasingly cumbersome graph manipulations.
Lastly, to match the first-order gradient under differentiation, SL treats part
of the cost as a fixed sample, which we show leads to missing and wrong terms
for estimators of higher-order derivatives. To address all these shortcomings
in a unified way, we introduce DiCE, which provides a single objective that can
be differentiated repeatedly, generating correct estimators of derivatives of
any order in SCGs. Unlike SL, DiCE relies on automatic differentiation for
performing the requisite graph manipulations. We verify the correctness of DiCE
both through a proof and numerical evaluation of the DiCE derivative estimates.
We also use DiCE to propose and evaluate a novel approach for multi-agent
learning. Our code is available at https://www.github.com/alshedivat/lola.
|
Deep Learning and Data Assimilation for Real-Time Production Prediction
in Natural Gas Wells | The prediction of the gas production from mature gas wells, due to their
complex end-of-life behavior, is challenging and crucial for operational
decision making. In this paper, we apply a modified deep LSTM model for
prediction of the gas flow rates in mature gas wells, including the
uncertainties in input parameters. Additionally, due to changes in the system
in time and in order to increase the accuracy and robustness of the prediction,
the Ensemble Kalman Filter (EnKF) is used to update the flow rate predictions
based on new observations. The developed approach was tested on the data from
two mature gas production wells in which their production is highly dynamic and
suffering from salt deposition. The results show that the flow predictions
using the EnKF updated model leads to better Jeffreys' J-divergences than the
predictions without the EnKF model updating scheme.
|
A Diffusion Approximation Theory of Momentum SGD in Nonconvex
Optimization | Momentum Stochastic Gradient Descent (MSGD) algorithm has been widely applied
to many nonconvex optimization problems in machine learning, e.g., training
deep neural networks, variational Bayesian inference, and etc. Despite its
empirical success, there is still a lack of theoretical understanding of
convergence properties of MSGD. To fill this gap, we propose to analyze the
algorithmic behavior of MSGD by diffusion approximations for nonconvex
optimization problems with strict saddle points and isolated local optima. Our
study shows that the momentum helps escape from saddle points, but hurts the
convergence within the neighborhood of optima (if without the step size
annealing or momentum annealing). Our theoretical discovery partially
corroborates the empirical success of MSGD in training deep neural networks.
|
On the Blindspots of Convolutional Networks | Deep convolutional network has been the state-of-the-art approach for a wide
variety of tasks over the last few years. Its successes have, in many cases,
turned it into the default model in quite a few domains. In this work, we will
demonstrate that convolutional networks have limitations that may, in some
cases, hinder it from learning properties of the data, which are easily
recognizable by traditional, less demanding, models. To this end, we present a
series of competitive analysis studies on image recognition and text analysis
tasks, for which convolutional networks are known to provide state-of-the-art
results. In our studies, we inject a truth-revealing signal, indiscernible for
the network, thus hitting time and again the network's blind spots. The signal
does not impair the network's existing performances, but it does provide an
opportunity for a significant performance boost by models that can capture it.
The various forms of the carefully designed signals shed a light on the
strengths and weaknesses of convolutional network, which may provide insights
for both theoreticians that study the power of deep architectures, and for
practitioners that consider applying convolutional networks to the task at
hand.
|
Understanding the Role of Adaptivity in Machine Teaching: The Case of
Version Space Learners | In real-world applications of education, an effective teacher adaptively
chooses the next example to teach based on the learner's current state.
However, most existing work in algorithmic machine teaching focuses on the
batch setting, where adaptivity plays no role. In this paper, we study the case
of teaching consistent, version space learners in an interactive setting. At
any time step, the teacher provides an example, the learner performs an update,
and the teacher observes the learner's new state. We highlight that adaptivity
does not speed up the teaching process when considering existing models of
version space learners, such as "worst-case" (the learner picks the next
hypothesis randomly from the version space) and "preference-based" (the learner
picks hypothesis according to some global preference). Inspired by human
teaching, we propose a new model where the learner picks hypotheses according
to some local preference defined by the current hypothesis. We show that our
model exhibits several desirable properties, e.g., adaptivity plays a key role,
and the learner's transitions over hypotheses are smooth/interpretable. We
develop efficient teaching algorithms and demonstrate our results via
simulation and user studies.
|
Security Analysis and Enhancement of Model Compressed Deep Learning
Systems under Adversarial Attacks | DNN is presenting human-level performance for many complex intelligent tasks
in real-world applications. However, it also introduces ever-increasing
security concerns. For example, the emerging adversarial attacks indicate that
even very small and often imperceptible adversarial input perturbations can
easily mislead the cognitive function of deep learning systems (DLS). Existing
DNN adversarial studies are narrowly performed on the ideal software-level DNN
models with a focus on single uncertainty factor, i.e. input perturbations,
however, the impact of DNN model reshaping on adversarial attacks, which is
introduced by various hardware-favorable techniques such as hash-based weight
compression during modern DNN hardware implementation, has never been
discussed. In this work, we for the first time investigate the multi-factor
adversarial attack problem in practical model optimized deep learning systems
by jointly considering the DNN model-reshaping (e.g. HashNet based deep
compression) and the input perturbations. We first augment adversarial example
generating method dedicated to the compressed DNN models by incorporating the
software-based approaches and mathematical modeled DNN reshaping. We then
conduct a comprehensive robustness and vulnerability analysis of deep
compressed DNN models under derived adversarial attacks. A defense technique
named "gradient inhibition" is further developed to ease the generating of
adversarial examples thus to effectively mitigate adversarial attacks towards
both software and hardware-oriented DNNs. Simulation results show that
"gradient inhibition" can decrease the average success rate of adversarial
attacks from 87.99% to 4.77% (from 86.74% to 4.64%) on MNIST (CIFAR-10)
benchmark with marginal accuracy degradation across various DNNs.
|
Generative Models for Spear Phishing Posts on Social Media | Historically, machine learning in computer security has prioritized defense:
think intrusion detection systems, malware classification, and botnet traffic
identification. Offense can benefit from data just as well. Social networks,
with their access to extensive personal data, bot-friendly APIs, colloquial
syntax, and prevalence of shortened links, are the perfect venues for spreading
machine-generated malicious content. We aim to discover what capabilities an
adversary might utilize in such a domain. We present a long short-term memory
(LSTM) neural network that learns to socially engineer specific users into
clicking on deceptive URLs. The model is trained with word vector
representations of social media posts, and in order to make a click-through
more likely, it is dynamically seeded with topics extracted from the target's
timeline. We augment the model with clustering to triage high value targets
based on their level of social engagement, and measure success of the LSTM's
phishing expedition using click-rates of IP-tracked links. We achieve state of
the art success rates, tripling those of historic email attack campaigns, and
outperform humans manually performing the same task.
|
Learning Privacy Preserving Encodings through Adversarial Training | We present a framework to learn privacy-preserving encodings of images that
inhibit inference of chosen private attributes, while allowing recovery of
other desirable information. Rather than simply inhibiting a given fixed
pre-trained estimator, our goal is that an estimator be unable to learn to
accurately predict the private attributes even with knowledge of the encoding
function. We use a natural adversarial optimization-based formulation for
this---training the encoding function against a classifier for the private
attribute, with both modeled as deep neural networks. The key contribution of
our work is a stable and convergent optimization approach that is successful at
learning an encoder with our desired properties---maintaining utility while
inhibiting inference of private attributes, not just within the adversarial
optimization, but also by classifiers that are trained after the encoder is
fixed. We adopt a rigorous experimental protocol for verification wherein
classifiers are trained exhaustively till saturation on the fixed encoders. We
evaluate our approach on tasks of real-world complexity---learning
high-dimensional encodings that inhibit detection of different scene
categories---and find that it yields encoders that are resilient at maintaining
privacy.
|
Necessary and Sufficient Null Space Condition for Nuclear Norm
Minimization in Low-Rank Matrix Recovery | Low-rank matrix recovery has found many applications in science and
engineering such as machine learning, signal processing, collaborative
filtering, system identification, and Euclidean embedding. But the low-rank
matrix recovery problem is an NP hard problem and thus challenging. A commonly
used heuristic approach is the nuclear norm minimization. In [12,14,15], the
authors established the necessary and sufficient null space conditions for
nuclear norm minimization to recover every possible low-rank matrix with rank
at most r (the strong null space condition). In addition, in [12], Oymak et al.
established a null space condition for successful recovery of a given low-rank
matrix (the weak null space condition) using nuclear norm minimization, and
derived the phase transition for the nuclear norm minimization. In this paper,
we show that the weak null space condition in [12] is only a sufficient
condition for successful matrix recovery using nuclear norm minimization, and
is not a necessary condition as claimed in [12]. In this paper, we further give
a weak null space condition for low-rank matrix recovery, which is both
necessary and sufficient for the success of nuclear norm minimization. At the
core of our derivation are an inequality for characterizing the nuclear norms
of block matrices, and the conditions for equality to hold in that inequality.
|
Distributionally Robust Submodular Maximization | Submodular functions have applications throughout machine learning, but in
many settings, we do not have direct access to the underlying function $f$. We
focus on stochastic functions that are given as an expectation of functions
over a distribution $P$. In practice, we often have only a limited set of
samples $f_i$ from $P$. The standard approach indirectly optimizes $f$ by
maximizing the sum of $f_i$. However, this ignores generalization to the true
(unknown) distribution. In this paper, we achieve better performance on the
actual underlying function $f$ by directly optimizing a combination of bias and
variance. Algorithmically, we accomplish this by showing how to carry out
distributionally robust optimization (DRO) for submodular functions, providing
efficient algorithms backed by theoretical guarantees which leverage several
novel contributions to the general theory of DRO. We also show compelling
empirical evidence that DRO improves generalization to the unknown stochastic
submodular function.
|
Differentially Private Empirical Risk Minimization Revisited: Faster and
More General | In this paper we study the differentially private Empirical Risk Minimization
(ERM) problem in different settings. For smooth (strongly) convex loss function
with or without (non)-smooth regularization, we give algorithms that achieve
either optimal or near optimal utility bounds with less gradient complexity
compared with previous work. For ERM with smooth convex loss function in
high-dimensional ($p\gg n$) setting, we give an algorithm which achieves the
upper bound with less gradient complexity than previous ones. At last, we
generalize the expected excess empirical risk from convex loss functions to
non-convex ones satisfying the Polyak-Lojasiewicz condition and give a tighter
upper bound on the utility than the one in \cite{ijcai2017-548}.
|
NeVAE: A Deep Generative Model for Molecular Graphs | Deep generative models have been praised for their ability to learn smooth
latent representation of images, text, and audio, which can then be used to
generate new, plausible data. However, current generative models are unable to
work with molecular graphs due to their unique characteristics-their underlying
structure is not Euclidean or grid-like, they remain isomorphic under
permutation of the nodes labels, and they come with a different number of nodes
and edges. In this paper, we first propose a novel variational autoencoder for
molecular graphs, whose encoder and decoder are specially designed to account
for the above properties by means of several technical innovations. Moreover,
in contrast with the state of the art, our decoder is able to provide the
spatial coordinates of the atoms of the molecules it generates. Then, we
develop a gradient-based algorithm to optimize the decoder of our model so that
it learns to generate molecules that maximize the value of certain property of
interest and, given a molecule of interest, it is able to optimize the spatial
configuration of its atoms for greater stability. Experiments reveal that our
variational autoencoder can discover plausible, diverse and novel molecules
more effectively than several state of the art models. Moreover, for several
properties of interest, our optimized decoder is able to identify molecules
with property values 121% higher than those identified by several state of the
art methods based on Bayesian optimization and reinforcement learning
|
Stronger generalization bounds for deep nets via a compression approach | Deep nets generalize well despite having more parameters than the number of
training samples. Recent works try to give an explanation using PAC-Bayes and
Margin-based analyses, but do not as yet result in sample complexity bounds
better than naive parameter counting. The current paper shows generalization
bounds that're orders of magnitude better in practice. These rely upon new
succinct reparametrizations of the trained net --- a compression that is
explicit and efficient. These yield generalization bounds via a simple
compression-based framework introduced here. Our results also provide some
theoretical justification for widespread empirical success in compressing deep
nets. Analysis of correctness of our compression relies upon some newly
identified \textquotedblleft noise stability\textquotedblright properties of
trained deep nets, which are also experimentally verified. The study of these
properties and resulting generalization bounds are also extended to
convolutional nets, which had eluded earlier attempts on proving
generalization.
|
Using Trusted Data to Train Deep Networks on Labels Corrupted by Severe
Noise | The growing importance of massive datasets used for deep learning makes
robustness to label noise a critical property for classifiers to have. Sources
of label noise include automatic labeling, non-expert labeling, and label
corruption by data poisoning adversaries. Numerous previous works assume that
no source of labels can be trusted. We relax this assumption and assume that a
small subset of the training data is trusted. This enables substantial label
corruption robustness performance gains. In addition, particularly severe label
noise can be combated by using a set of trusted data with clean labels. We
utilize trusted data by proposing a loss correction technique that utilizes
trusted examples in a data-efficient manner to mitigate the effects of label
noise on deep neural network classifiers. Across vision and natural language
processing tasks, we experiment with various label noises at several strengths,
and show that our method significantly outperforms existing methods.
|
Learning Deep Disentangled Embeddings with the F-Statistic Loss | Deep-embedding methods aim to discover representations of a domain that make
explicit the domain's class structure and thereby support few-shot learning.
Disentangling methods aim to make explicit compositional or factorial
structure. We combine these two active but independent lines of research and
propose a new paradigm suitable for both goals. We propose and evaluate a novel
loss function based on the $F$ statistic, which describes the separation of two
or more distributions. By ensuring that distinct classes are well separated on
a subset of embedding dimensions, we obtain embeddings that are useful for
few-shot learning. By not requiring separation on all dimensions, we encourage
the discovery of disentangled representations. Our embedding method matches or
beats state-of-the-art, as evaluated by performance on recall@$k$ and few-shot
learning tasks. Our method also obtains performance superior to a variety of
alternatives on disentangling, as evaluated by two key properties of a
disentangled representation: modularity and explicitness. The goal of our work
is to obtain more interpretable, manipulable, and generalizable deep
representations of concepts and categories.
|
Reinforcement Learning from Imperfect Demonstrations | Robust real-world learning should benefit from both demonstrations and
interactions with the environment. Current approaches to learning from
demonstration and reward perform supervised learning on expert demonstration
data and use reinforcement learning to further improve performance based on the
reward received from the environment. These tasks have divergent losses which
are difficult to jointly optimize and such methods can be very sensitive to
noisy demonstrations. We propose a unified reinforcement learning algorithm,
Normalized Actor-Critic (NAC), that effectively normalizes the Q-function,
reducing the Q-values of actions unseen in the demonstration data. NAC learns
an initial policy network from demonstrations and refines the policy in the
environment, surpassing the demonstrator's performance. Crucially, both
learning from demonstration and interactive refinement use the same objective,
unlike prior approaches that combine distinct supervised and reinforcement
losses. This makes NAC robust to suboptimal demonstration data since the method
is not forced to mimic all of the examples in the dataset. We show that our
unified reinforcement learning algorithm can learn robustly and outperform
existing baselines when evaluated on several realistic driving games.
|
Online Learning for Non-Stationary A/B Tests | The rollout of new versions of a feature in modern applications is a manual
multi-stage process, as the feature is released to ever larger groups of users,
while its performance is carefully monitored. This kind of A/B testing is
ubiquitous, but suboptimal, as the monitoring requires heavy human
intervention, is not guaranteed to capture consistent, but short-term
fluctuations in performance, and is inefficient, as better versions take a long
time to reach the full population.
In this work we formulate this question as that of expert learning, and give
a new algorithm Follow-The-Best-Interval, FTBI, that works in dynamic,
non-stationary environments. Our approach is practical, simple, and efficient,
and has rigorous guarantees on its performance. Finally, we perform a thorough
evaluation on synthetic and real world datasets and show that our approach
outperforms current state-of-the-art methods.
|
500+ Times Faster Than Deep Learning (A Case Study Exploring Faster
Methods for Text Mining StackOverflow) | Deep learning methods are useful for high-dimensional data and are becoming
widely used in many areas of software engineering. Deep learners utilizes
extensive computational power and can take a long time to train-- making it
difficult to widely validate and repeat and improve their results. Further,
they are not the best solution in all domains. For example, recent results show
that for finding related Stack Overflow posts, a tuned SVM performs similarly
to a deep learner, but is significantly faster to train. This paper extends
that recent result by clustering the dataset, then tuning very learners within
each cluster. This approach is over 500 times faster than deep learning (and
over 900 times faster if we use all the cores on a standard laptop computer).
Significantly, this faster approach generates classifiers nearly as good
(within 2\% F1 Score) as the much slower deep learning method. Hence we
recommend this faster methods since it is much easier to reproduce and utilizes
far fewer CPU resources. More generally, we recommend that before researchers
release research results, that they compare their supposedly sophisticated
methods against simpler alternatives (e.g applying simpler learners to build
local models).
|
Multimodal Generative Models for Scalable Weakly-Supervised Learning | Multiple modalities often co-occur when describing natural phenomena.
Learning a joint representation of these modalities should yield deeper and
more useful representations. Previous generative approaches to multi-modal
input either do not learn a joint distribution or require additional
computation to handle missing data. Here, we introduce a multimodal variational
autoencoder (MVAE) that uses a product-of-experts inference network and a
sub-sampled training paradigm to solve the multi-modal inference problem.
Notably, our model shares parameters to efficiently learn under any combination
of missing modalities. We apply the MVAE on four datasets and match
state-of-the-art performance using many fewer parameters. In addition, we show
that the MVAE is directly applicable to weakly-supervised learning, and is
robust to incomplete supervision. We then consider two case studies, one of
learning image transformations---edge detection, colorization,
segmentation---as a set of modalities, followed by one of machine translation
between two languages. We find appealing results across this range of tasks.
|
Stealing Hyperparameters in Machine Learning | Hyperparameters are critical in machine learning, as different
hyperparameters often result in models with significantly different
performance. Hyperparameters may be deemed confidential because of their
commercial value and the confidentiality of the proprietary algorithms that the
learner uses to learn them. In this work, we propose attacks on stealing the
hyperparameters that are learned by a learner. We call our attacks
hyperparameter stealing attacks. Our attacks are applicable to a variety of
popular machine learning algorithms such as ridge regression, logistic
regression, support vector machine, and neural network. We evaluate the
effectiveness of our attacks both theoretically and empirically. For instance,
we evaluate our attacks on Amazon Machine Learning. Our results demonstrate
that our attacks can accurately steal hyperparameters. We also study
countermeasures. Our results highlight the need for new defenses against our
hyperparameter stealing attacks for certain machine learning algorithms.
|
The Role of Information Complexity and Randomization in Representation
Learning | A grand challenge in representation learning is to learn the different
explanatory factors of variation behind the high dimen- sional data. Encoder
models are often determined to optimize performance on training data when the
real objective is to generalize well to unseen data. Although there is enough
numerical evidence suggesting that noise injection (during training) at the
representation level might improve the generalization ability of encoders, an
information-theoretic understanding of this principle remains elusive. This
paper presents a sample-dependent bound on the generalization gap of the
cross-entropy loss that scales with the information complexity (IC) of the
representations, meaning the mutual information between inputs and their
representations. The IC is empirically investigated for standard multi-layer
neural networks with SGD on MNIST and CIFAR-10 datasets; the behaviour of the
gap and the IC appear to be in direct correlation, suggesting that SGD selects
encoders to implicitly minimize the IC. We specialize the IC to study the role
of Dropout on the generalization capacity of deep encoders which is shown to be
directly related to the encoder capacity, being a measure of the
distinguishability among samples from their representations. Our results
support some recent regularization methods.
|
A Progressive Batching L-BFGS Method for Machine Learning | The standard L-BFGS method relies on gradient approximations that are not
dominated by noise, so that search directions are descent directions, the line
search is reliable, and quasi-Newton updating yields useful quadratic models of
the objective function. All of this appears to call for a full batch approach,
but since small batch sizes give rise to faster algorithms with better
generalization properties, L-BFGS is currently not considered an algorithm of
choice for large-scale machine learning applications. One need not, however,
choose between the two extremes represented by the full batch or highly
stochastic regimes, and may instead follow a progressive batching approach in
which the sample size increases during the course of the optimization. In this
paper, we present a new version of the L-BFGS algorithm that combines three
basic components - progressive batching, a stochastic line search, and stable
quasi-Newton updating - and that performs well on training logistic regression
and deep neural networks. We provide supporting convergence theory for the
method.
|
Active Feature Acquisition with Supervised Matrix Completion | Feature missing is a serious problem in many applications, which may lead to
low quality of training data and further significantly degrade the learning
performance. While feature acquisition usually involves special devices or
complex process, it is expensive to acquire all feature values for the whole
dataset. On the other hand, features may be correlated with each other, and
some values may be recovered from the others. It is thus important to decide
which features are most informative for recovering the other features as well
as improving the learning performance. In this paper, we try to train an
effective classification model with least acquisition cost by jointly
performing active feature querying and supervised matrix completion. When
completing the feature matrix, a novel target function is proposed to
simultaneously minimize the reconstruction error on observed entries and the
supervised loss on training data. When querying the feature value, the most
uncertain entry is actively selected based on the variance of previous
iterations. In addition, a bi-objective optimization method is presented for
cost-aware active selection when features bear different acquisition costs. The
effectiveness of the proposed approach is well validated by both theoretical
analysis and experimental study.
|
Fooling OCR Systems with Adversarial Text Images | We demonstrate that state-of-the-art optical character recognition (OCR)
based on deep learning is vulnerable to adversarial images. Minor modifications
to images of printed text, which do not change the meaning of the text to a
human reader, cause the OCR system to "recognize" a different text where
certain words chosen by the adversary are replaced by their semantic opposites.
This completely changes the meaning of the output produced by the OCR system
and by the NLP applications that use OCR for preprocessing their inputs.
|
Shamap: Shape-based Manifold Learning | For manifold learning, it is assumed that high-dimensional sample/data points
are embedded on a low-dimensional manifold. Usually, distances among samples
are computed to capture an underlying data structure. Here we propose a metric
according to angular changes along a geodesic line, thereby reflecting the
underlying shape-oriented information or a topological similarity between high-
and low-dimensional representations of a data cloud. Our results demonstrate
the feasibility and merits of the proposed dimensionality reduction scheme.
|
Reducing over-clustering via the powered Chinese restaurant process | Dirichlet process mixture (DPM) models tend to produce many small clusters
regardless of whether they are needed to accurately characterize the data -
this is particularly true for large data sets. However, interpretability,
parsimony, data storage and communication costs all are hampered by having
overly many clusters. We propose a powered Chinese restaurant process to limit
this kind of problem and penalize over clustering. The method is illustrated
using some simulation examples and data with large and small sample size
including MNIST and the Old Faithful Geyser data.
|
Cost-Effective Training of Deep CNNs with Active Model Adaptation | Deep convolutional neural networks have achieved great success in various
applications. However, training an effective DNN model for a specific task is
rather challenging because it requires a prior knowledge or experience to
design the network architecture, repeated trial-and-error process to tune the
parameters, and a large set of labeled data to train the model. In this paper,
we propose to overcome these challenges by actively adapting a pre-trained
model to a new task with less labeled examples. Specifically, the pre-trained
model is iteratively fine tuned based on the most useful examples. The examples
are actively selected based on a novel criterion, which jointly estimates the
potential contribution of an instance on optimizing the feature representation
as well as improving the classification model for the target task. On one hand,
the pre-trained model brings plentiful information from its original task,
avoiding redesign of the network architecture or training from scratch; and on
the other hand, the labeling cost can be significantly reduced by active label
querying. Experiments on multiple datasets and different pre-trained models
demonstrate that the proposed approach can achieve cost-effective training of
DNNs.
|
Competitive caching with machine learned advice | Traditional online algorithms encapsulate decision making under uncertainty,
and give ways to hedge against all possible future events, while guaranteeing a
nearly optimal solution as compared to an offline optimum. On the other hand,
machine learning algorithms are in the business of extrapolating patterns found
in the data to predict the future, and usually come with strong guarantees on
the expected generalization error.
In this work we develop a framework for augmenting online algorithms with a
machine learned oracle to achieve competitive ratios that provably improve upon
unconditional worst case lower bounds when the oracle has low error. Our
approach treats the oracle as a complete black box, and is not dependent on its
inner workings, or the exact distribution of its errors.
We apply this framework to the traditional caching problem -- creating an
eviction strategy for a cache of size $k$. We demonstrate that naively
following the oracle's recommendations may lead to very poor performance, even
when the average error is quite low. Instead we show how to modify the Marker
algorithm to take into account the oracle's predictions, and prove that this
combined approach achieves a competitive ratio that both (i) decreases as the
oracle's error decreases, and (ii) is always capped by $O(\log k)$, which can
be achieved without any oracle input. We complement our results with an
empirical evaluation of our algorithm on real world datasets, and show that it
performs well empirically even using simple off-the-shelf predictions.
|
Putting a bug in ML: The moth olfactory network learns to read MNIST | We seek to (i) characterize the learning architectures exploited in
biological neural networks for training on very few samples, and (ii) port
these algorithmic structures to a machine learning context. The Moth Olfactory
Network is among the simplest biological neural systems that can learn, and its
architecture includes key structural elements and mechanisms widespread in
biological neural nets, such as cascaded networks, competitive inhibition, high
intrinsic noise, sparsity, reward mechanisms, and Hebbian plasticity. These
structural biological elements, in combination, enable rapid learning.
MothNet is a computational model of the Moth Olfactory Network, closely
aligned with the moth's known biophysics and with in vivo electrode data
collected from moths learning new odors. We assign this model the task of
learning to read the MNIST digits. We show that MothNet successfully learns to
read given very few training samples (1 to 10 samples per class). In this
few-samples regime, it outperforms standard machine learning methods such as
nearest-neighbors, support-vector machines, and neural networks (NNs), and
matches specialized one-shot transfer-learning methods but without the need for
pre-training. The MothNet architecture illustrates how algorithmic structures
derived from biological brains can be used to build alternative NNs that may
avoid some of the learning rate limitations of current engineered NNs.
|
"Dependency Bottleneck" in Auto-encoding Architectures: an Empirical
Study | Recent works investigated the generalization properties in deep neural
networks (DNNs) by studying the Information Bottleneck in DNNs. However, the
mea- surement of the mutual information (MI) is often inaccurate due to the
density estimation. To address this issue, we propose to measure the dependency
instead of MI between layers in DNNs. Specifically, we propose to use
Hilbert-Schmidt Independence Criterion (HSIC) as the dependency measure, which
can measure the dependence of two random variables without estimating
probability densities. Moreover, HSIC is a special case of the Squared-loss
Mutual Information (SMI). In the experiment, we empirically evaluate the
generalization property using HSIC in both the reconstruction and prediction
auto-encoding (AE) architectures.
|
Selecting the Best in GANs Family: a Post Selection Inference Framework | "Which Generative Adversarial Networks (GANs) generates the most plausible
images?" has been a frequently asked question among researchers. To address
this problem, we first propose an \emph{incomplete} U-statistics estimate of
maximum mean discrepancy $\mathrm{MMD}_{inc}$ to measure the distribution
discrepancy between generated and real images. $\mathrm{MMD}_{inc}$ enjoys the
advantages of asymptotic normality, computation efficiency, and model
agnosticity. We then propose a GANs analysis framework to select and test the
"best" member in GANs family using the Post Selection Inference (PSI) with
$\mathrm{MMD}_{inc}$. In the experiments, we adopt the proposed framework on 7
GANs variants and compare their $\mathrm{MMD}_{inc}$ scores.
|
Teaching Machines to Code: Neural Markup Generation with Visual
Attention | We present a neural transducer model with visual attention that learns to
generate LaTeX markup of a real-world math formula given its image. Applying
sequence modeling and transduction techniques that have been very successful
across modalities such as natural language, image, handwriting, speech and
audio; we construct an image-to-markup model that learns to produce
syntactically and semantically correct LaTeX markup code over 150 words long
and achieves a BLEU score of 89%; improving upon the previous state-of-art for
the Im2Latex problem. We also demonstrate with heat-map visualization how
attention helps in interpreting the model and can pinpoint (detect and
localize) symbols on the image accurately despite having been trained without
any bounding box data.
|
On the Theory of Variance Reduction for Stochastic Gradient Monte Carlo | We provide convergence guarantees in Wasserstein distance for a variety of
variance-reduction methods: SAGA Langevin diffusion, SVRG Langevin diffusion
and control-variate underdamped Langevin diffusion. We analyze these methods
under a uniform set of assumptions on the log-posterior distribution, assuming
it to be smooth, strongly convex and Hessian Lipschitz. This is achieved by a
new proof technique combining ideas from finite-sum optimization and the
analysis of sampling methods. Our sharp theoretical bounds allow us to identify
regimes of interest where each method performs better than the others. Our
theory is verified with experiments on real-world and synthetic datasets.
|
Mean Field Multi-Agent Reinforcement Learning | Existing multi-agent reinforcement learning methods are limited typically to
a small number of agents. When the agent number increases largely, the learning
becomes intractable due to the curse of the dimensionality and the exponential
growth of agent interactions. In this paper, we present \emph{Mean Field
Reinforcement Learning} where the interactions within the population of agents
are approximated by those between a single agent and the average effect from
the overall population or neighboring agents; the interplay between the two
entities is mutually reinforced: the learning of the individual agent's optimal
policy depends on the dynamics of the population, while the dynamics of the
population change according to the collective patterns of the individual
policies. We develop practical mean field Q-learning and mean field
Actor-Critic algorithms and analyze the convergence of the solution to Nash
equilibrium. Experiments on Gaussian squeeze, Ising model, and battle games
justify the learning effectiveness of our mean field approaches. In addition,
we report the first result to solve the Ising model via model-free
reinforcement learning methods.
|
Mapping Images to Scene Graphs with Permutation-Invariant Structured
Prediction | Machine understanding of complex images is a key goal of artificial
intelligence. One challenge underlying this task is that visual scenes contain
multiple inter-related objects, and that global context plays an important role
in interpreting the scene. A natural modeling framework for capturing such
effects is structured prediction, which optimizes over complex labels, while
modeling within-label interactions. However, it is unclear what principles
should guide the design of a structured prediction model that utilizes the
power of deep learning components. Here we propose a design principle for such
architectures that follows from a natural requirement of permutation
invariance. We prove a necessary and sufficient characterization for
architectures that follow this invariance, and discuss its implication on model
design. Finally, we show that the resulting model achieves new state of the art
results on the Visual Genome scene graph labeling benchmark, outperforming all
recent approaches.
|
Admissible Time Series Motif Discovery with Missing Data | The discovery of time series motifs has emerged as one of the most useful
primitives in time series data mining. Researchers have shown its utility for
exploratory data mining, summarization, visualization, segmentation,
classification, clustering, and rule discovery. Although there has been more
than a decade of extensive research, there is still no technique to allow the
discovery of time series motifs in the presence of missing data, despite the
well-documented ubiquity of missing data in scientific, industrial, and medical
datasets. In this work, we introduce a technique for motif discovery in the
presence of missing data. We formally prove that our method is admissible,
producing no false negatives. We also show that our method can piggy-back off
the fastest known motif discovery method with a small constant factor
time/space overhead. We will demonstrate our approach on diverse datasets with
varying amounts of missing data
|
Semi-Supervised Learning on Graphs Based on Local Label Distributions | Most approaches that tackle the problem of node classification consider nodes
to be similar, if they have shared neighbors or are close to each other in the
graph. Recent methods for attributed graphs additionally take attributes of
neighboring nodes into account. We argue that the class labels of the neighbors
bear important information and considering them helps to improve classification
quality. Two nodes which are similar based on class labels in their
neighborhood do not need to be close-by in the graph and may even belong to
different connected components. In this work, we propose a novel approach for
the semi-supervised node classification. Precisely, we propose a new node
embedding which is based on the class labels in the local neighborhood of a
node. We show that this is a different setting from attribute-based embeddings
and thus, we propose a new method to learn label-based node embeddings which
can mirror a variety of relations between the class labels of neighboring
nodes. Our experimental evaluation demonstrates that our new methods can
significantly improve the prediction quality on real world data sets.
|
Improved Complexities of Conditional Gradient-Type Methods with
Applications to Robust Matrix Recovery Problems | Motivated by robust matrix recovery problems such as Robust Principal
Component Analysis, we consider a general optimization problem of minimizing a
smooth and strongly convex loss function applied to the sum of two blocks of
variables, where each block of variables is constrained or regularized
individually. We study a Conditional Gradient-Type method which is able to
leverage the special structure of the problem to obtain faster convergence
rates than those attainable via standard methods, under a variety of
assumptions. In particular, our method is appealing for matrix problems in
which one of the blocks corresponds to a low-rank matrix since it avoids
prohibitive full-rank singular value decompositions required by most standard
methods. While our initial motivation comes from problems which originated in
statistics, our analysis does not impose any statistical assumptions on the
data.
|
Convolutional Analysis Operator Learning: Acceleration and Convergence | Convolutional operator learning is gaining attention in many signal
processing and computer vision applications. Learning kernels has mostly relied
on so-called patch-domain approaches that extract and store many overlapping
patches across training signals. Due to memory demands, patch-domain methods
have limitations when learning kernels from large datasets -- particularly with
multi-layered structures, e.g., convolutional neural networks -- or when
applying the learned kernels to high-dimensional signal recovery problems. The
so-called convolution approach does not store many overlapping patches, and
thus overcomes the memory problems particularly with careful algorithmic
designs; it has been studied within the "synthesis" signal model, e.g.,
convolutional dictionary learning. This paper proposes a new convolutional
analysis operator learning (CAOL) framework that learns an analysis sparsifying
regularizer with the convolution perspective, and develops a new convergent
Block Proximal Extrapolated Gradient method using a Majorizer (BPEG-M) to solve
the corresponding block multi-nonconvex problems. To learn diverse filters
within the CAOL framework, this paper introduces an orthogonality constraint
that enforces a tight-frame filter condition, and a regularizer that promotes
diversity between filters. Numerical experiments show that, with sharp
majorizers, BPEG-M significantly accelerates the CAOL convergence rate compared
to the state-of-the-art block proximal gradient (BPG) method. Numerical
experiments for sparse-view computational tomography show that a convolutional
sparsifying regularizer learned via CAOL significantly improves reconstruction
quality compared to a conventional edge-preserving regularizer. Using more and
wider kernels in a learned regularizer better preserves edges in reconstructed
images.
|
CNN+LSTM Architecture for Speech Emotion Recognition with Data
Augmentation | In this work we design a neural network for recognizing emotions in speech,
using the IEMOCAP dataset. Following the latest advances in audio analysis, we
use an architecture involving both convolutional layers, for extracting
high-level features from raw spectrograms, and recurrent ones for aggregating
long-term dependencies. We examine the techniques of data augmentation with
vocal track length perturbation, layer-wise optimizer adjustment, batch
normalization of recurrent layers and obtain highly competitive results of
64.5% for weighted accuracy and 61.7% for unweighted accuracy on four emotions.
|
cGANs with Projection Discriminator | We propose a novel, projection based way to incorporate the conditional
information into the discriminator of GANs that respects the role of the
conditional information in the underlining probabilistic model. This approach
is in contrast with most frameworks of conditional GANs used in application
today, which use the conditional information by concatenating the (embedded)
conditional vector to the feature vectors. With this modification, we were able
to significantly improve the quality of the class conditional image generation
on ILSVRC2012 (ImageNet) 1000-class image dataset from the current
state-of-the-art result, and we achieved this with a single pair of a
discriminator and a generator. We were also able to extend the application to
super-resolution and succeeded in producing highly discriminative
super-resolution images. This new structure also enabled high quality category
transformation based on parametric functional transformation of conditional
batch normalization layers in the generator.
|
Gradient Boosting With Piece-Wise Linear Regression Trees | Gradient Boosted Decision Trees (GBDT) is a very successful ensemble learning
algorithm widely used across a variety of applications. Recently, several
variants of GBDT training algorithms and implementations have been designed and
heavily optimized in some very popular open sourced toolkits including XGBoost,
LightGBM and CatBoost. In this paper, we show that both the accuracy and
efficiency of GBDT can be further enhanced by using more complex base learners.
Specifically, we extend gradient boosting to use piecewise linear regression
trees (PL Trees), instead of piecewise constant regression trees, as base
learners. We show that PL Trees can accelerate convergence of GBDT and improve
the accuracy. We also propose some optimization tricks to substantially reduce
the training time of PL Trees, with little sacrifice of accuracy. Moreover, we
propose several implementation techniques to speedup our algorithm on modern
computer architectures with powerful Single Instruction Multiple Data (SIMD)
parallelism. The experimental results show that GBDT with PL Trees can provide
very competitive testing accuracy with comparable or less training time.
|
The Mechanics of n-Player Differentiable Games | The cornerstone underpinning deep learning is the guarantee that gradient
descent on an objective converges to local minima. Unfortunately, this
guarantee fails in settings, such as generative adversarial nets, where there
are multiple interacting losses. The behavior of gradient-based methods in
games is not well understood -- and is becoming increasingly important as
adversarial and multi-objective architectures proliferate. In this paper, we
develop new techniques to understand and control the dynamics in general games.
The key result is to decompose the second-order dynamics into two components.
The first is related to potential games, which reduce to gradient descent on an
implicit function; the second relates to Hamiltonian games, a new class of
games that obey a conservation law, akin to conservation laws in classical
mechanical systems. The decomposition motivates Symplectic Gradient Adjustment
(SGA), a new algorithm for finding stable fixed points in general games. Basic
experiments show SGA is competitive with recently proposed algorithms for
finding stable fixed points in GANs -- whilst at the same time being applicable
to -- and having guarantees in -- much more general games.
|
Learning Determinantal Point Processes by Corrective Negative Sampling | Determinantal Point Processes (DPPs) have attracted significant interest from
the machine-learning community due to their ability to elegantly and tractably
model the delicate balance between quality and diversity of sets. DPPs are
commonly learned from data using maximum likelihood estimation (MLE). While
fitting observed sets well, MLE for DPPs may also assign high likelihoods to
unobserved sets that are far from the true generative distribution of the data.
To address this issue, which reduces the quality of the learned model, we
introduce a novel optimization problem, Contrastive Estimation (CE), which
encodes information about "negative" samples into the basic learning model. CE
is grounded in the successful use of negative information in machine-vision and
language modeling. Depending on the chosen negative distribution (which may be
static or evolve during optimization), CE assumes two different forms, which we
analyze theoretically and experimentally. We evaluate our new model on
real-world datasets; on a challenging dataset, CE learning delivers a
considerable improvement in predictive performance over a DPP learned without
using contrastive information.
|
Adversarial Risk and the Dangers of Evaluating Against Weak Attacks | This paper investigates recently proposed approaches for defending against
adversarial examples and evaluating adversarial robustness. We motivate
'adversarial risk' as an objective for achieving models robust to worst-case
inputs. We then frame commonly used attacks and evaluation metrics as defining
a tractable surrogate objective to the true adversarial risk. This suggests
that models may optimize this surrogate rather than the true adversarial risk.
We formalize this notion as 'obscurity to an adversary,' and develop tools and
heuristics for identifying obscured models and designing transparent models. We
demonstrate that this is a significant problem in practice by repurposing
gradient-free optimization techniques into adversarial attacks, which we use to
decrease the accuracy of several recently proposed defenses to near zero. Our
hope is that our formulations and results will help researchers to develop more
powerful defenses.
|
Model compression via distillation and quantization | Deep neural networks (DNNs) continue to make significant advances, solving
tasks from image classification to translation or reinforcement learning. One
aspect of the field receiving considerable attention is efficiently executing
deep models in resource-constrained environments, such as mobile or embedded
devices. This paper focuses on this problem, and proposes two new compression
methods, which jointly leverage weight quantization and distillation of larger
teacher networks into smaller student networks. The first method we propose is
called quantized distillation and leverages distillation during the training
process, by incorporating distillation loss, expressed with respect to the
teacher, into the training of a student network whose weights are quantized to
a limited set of levels. The second method, differentiable quantization,
optimizes the location of quantization points through stochastic gradient
descent, to better fit the behavior of the teacher model. We validate both
methods through experiments on convolutional and recurrent architectures. We
show that quantized shallow students can reach similar accuracy levels to
full-precision teacher models, while providing order of magnitude compression,
and inference speedup that is linear in the depth reduction. In sum, our
results enable DNNs for resource-constrained environments to leverage
architecture and accuracy advances developed on more powerful devices.
|
Simulation assisted machine learning | Motivation: In a predictive modeling setting, if sufficient details of the
system behavior are known, one can build and use a simulation for making
predictions. When sufficient system details are not known, one typically turns
to machine learning, which builds a black-box model of the system using a large
dataset of input sample features and outputs. We consider a setting which is
between these two extremes: some details of the system mechanics are known but
not enough for creating simulations that can be used to make high quality
predictions. In this context we propose using approximate simulations to build
a kernel for use in kernelized machine learning methods, such as support vector
machines. The results of multiple simulations (under various uncertainty
scenarios) are used to compute similarity measures between every pair of
samples: sample pairs are given a high similarity score if they behave
similarly under a wide range of simulation parameters. These similarity values,
rather than the original high dimensional feature data, are used to build the
kernel.
Results: We demonstrate and explore the simulation based kernel (SimKern)
concept using four synthetic complex systems--three biologically inspired
models and one network flow optimization model. We show that, when the number
of training samples is small compared to the number of features, the SimKern
approach dominates over no-prior-knowledge methods. This approach should be
applicable in all disciplines where predictive models are sought and
informative yet approximate simulations are available.
Availability: The Python SimKern software, the demonstration models (in
MATLAB, R), and the datasets are available at
https://github.com/davidcraft/SimKern.
|
Learning DNFs under product distributions via {\mu}-biased quantum
Fourier sampling | We show that DNF formulae can be quantum PAC-learned in polynomial time under
product distributions using a quantum example oracle. The best classical
algorithm (without access to membership queries) runs in superpolynomial time.
Our result extends the work by Bshouty and Jackson (1998) that proved that DNF
formulae are efficiently learnable under the uniform distribution using a
quantum example oracle. Our proof is based on a new quantum algorithm that
efficiently samples the coefficients of a {\mu}-biased Fourier transform.
|
Bandit Learning with Positive Externalities | In many platforms, user arrivals exhibit a self-reinforcing behavior: future
user arrivals are likely to have preferences similar to users who were
satisfied in the past. In other words, arrivals exhibit positive externalities.
We study multiarmed bandit (MAB) problems with positive externalities. We show
that the self-reinforcing preferences may lead standard benchmark algorithms
such as UCB to exhibit linear regret. We develop a new algorithm, Balanced
Exploration (BE), which explores arms carefully to avoid suboptimal convergence
of arrivals before sufficient evidence is gathered. We also introduce an
adaptive variant of BE which successively eliminates suboptimal arms. We
analyze their asymptotic regret, and establish optimality by showing that no
algorithm can perform better.
|
Multinomial Adversarial Networks for Multi-Domain Text Classification | Many text classification tasks are known to be highly domain-dependent.
Unfortunately, the availability of training data can vary drastically across
domains. Worse still, for some domains there may not be any annotated data at
all. In this work, we propose a multinomial adversarial network (MAN) to tackle
the text classification problem in this real-world multidomain setting (MDTC).
We provide theoretical justifications for the MAN framework, proving that
different instances of MANs are essentially minimizers of various f-divergence
metrics (Ali and Silvey, 1966) among multiple probability distributions. MANs
are thus a theoretically sound generalization of traditional adversarial
networks that discriminate over two distributions. More specifically, for the
MDTC task, MAN learns features that are invariant across multiple domains by
resorting to its ability to reduce the divergence among the feature
distributions of each domain. We present experimental results showing that MANs
significantly outperform the prior art on the MDTC task. We also show that MANs
achieve state-of-the-art performance for domains with no labeled data.
|
Explainable Prediction of Medical Codes from Clinical Text | Clinical notes are text documents that are created by clinicians for each
patient encounter. They are typically accompanied by medical codes, which
describe the diagnosis and treatment. Annotating these codes is labor intensive
and error prone; furthermore, the connection between the codes and the text is
not annotated, obscuring the reasons and details behind specific diagnoses and
treatments. We present an attentional convolutional network that predicts
medical codes from clinical text. Our method aggregates information across the
document using a convolutional neural network, and uses an attention mechanism
to select the most relevant segments for each of the thousands of possible
codes. The method is accurate, achieving precision@8 of 0.71 and a Micro-F1 of
0.54, which are both better than the prior state of the art. Furthermore,
through an interpretability evaluation by a physician, we show that the
attention mechanism identifies meaningful explanations for each code assignment
|
Fair Clustering Through Fairlets | We study the question of fair clustering under the {\em disparate impact}
doctrine, where each protected class must have approximately equal
representation in every cluster. We formulate the fair clustering problem under
both the $k$-center and the $k$-median objectives, and show that even with two
protected classes the problem is challenging, as the optimum solution can
violate common conventions---for instance a point may no longer be assigned to
its nearest cluster center! En route we introduce the concept of fairlets,
which are minimal sets that satisfy fair representation while approximately
preserving the clustering objective. We show that any fair clustering problem
can be decomposed into first finding good fairlets, and then using existing
machinery for traditional clustering algorithms. While finding good fairlets
can be NP-hard, we proceed to obtain efficient approximation algorithms based
on minimum cost flow. We empirically quantify the value of fair clustering on
real-world datasets with sensitive attributes.
|
Systematic Weight Pruning of DNNs using Alternating Direction Method of
Multipliers | We present a systematic weight pruning framework of deep neural networks
(DNNs) using the alternating direction method of multipliers (ADMM). We first
formulate the weight pruning problem of DNNs as a constrained nonconvex
optimization problem, and then adopt the ADMM framework for systematic weight
pruning. We show that ADMM is highly suitable for weight pruning due to the
computational efficiency it offers. We achieve a much higher compression ratio
compared with prior work while maintaining the same test accuracy, together
with a faster convergence rate. Our models are released at
https://github.com/KaiqiZhang/admm-pruning
|
Inferring relevant features: from QFT to PCA | In many-body physics, renormalization techniques are used to extract aspects
of a statistical or quantum state that are relevant at large scale, or for low
energy experiments. Recent works have proposed that these features can be
formally identified as those perturbations of the states whose
distinguishability most resist coarse-graining. Here, we examine whether this
same strategy can be used to identify important features of an unlabeled
dataset. This approach indeed results in a technique very similar to kernel PCA
(principal component analysis), but with a kernel function that is
automatically adapted to the data, or "learned". We test this approach on
handwritten digits, and find that the most relevant features are significantly
better for classification than those obtained from a simple gaussian kernel.
|
Stochastic Wasserstein Barycenters | We present a stochastic algorithm to compute the barycenter of a set of
probability distributions under the Wasserstein metric from optimal transport.
Unlike previous approaches, our method extends to continuous input
distributions and allows the support of the barycenter to be adjusted in each
iteration. We tackle the problem without regularization, allowing us to recover
a sharp output whose support is contained within the support of the true
barycenter. We give examples where our algorithm recovers a more meaningful
barycenter than previous work. Our method is versatile and can be extended to
applications such as generating super samples from a given distribution and
recovering blue noise approximations.
|
ASP:A Fast Adversarial Attack Example Generation Framework based on
Adversarial Saliency Prediction | With the excellent accuracy and feasibility, the Neural Networks have been
widely applied into the novel intelligent applications and systems. However,
with the appearance of the Adversarial Attack, the NN based system performance
becomes extremely vulnerable:the image classification results can be
arbitrarily misled by the adversarial examples, which are crafted images with
human unperceivable pixel-level perturbation. As this raised a significant
system security issue, we implemented a series of investigations on the
adversarial attack in this work: We first identify an image's pixel
vulnerability to the adversarial attack based on the adversarial saliency
analysis. By comparing the analyzed saliency map and the adversarial
perturbation distribution, we proposed a new evaluation scheme to
comprehensively assess the adversarial attack precision and efficiency. Then,
with a novel adversarial saliency prediction method, a fast adversarial example
generation framework, namely "ASP", is proposed with significant attack
efficiency improvement and dramatic computation cost reduction. Compared to the
previous methods, experiments show that ASP has at most 12 times speed-up for
adversarial example generation, 2 times lower perturbation rate, and high
attack success rate of 87% on both MNIST and Cifar10. ASP can be also well
utilized to support the data-hungry NN adversarial training. By reducing the
attack success rate as much as 90%, ASP can quickly and effectively enhance the
defense capability of NN based system to the adversarial attacks.
|
Quantum Variational Autoencoder | Variational autoencoders (VAEs) are powerful generative models with the
salient ability to perform inference. Here, we introduce a quantum variational
autoencoder (QVAE): a VAE whose latent generative process is implemented as a
quantum Boltzmann machine (QBM). We show that our model can be trained
end-to-end by maximizing a well-defined loss-function: a 'quantum' lower-bound
to a variational approximation of the log-likelihood. We use quantum Monte
Carlo (QMC) simulations to train and evaluate the performance of QVAEs. To
achieve the best performance, we first create a VAE platform with discrete
latent space generated by a restricted Boltzmann machine (RBM). Our model
achieves state-of-the-art performance on the MNIST dataset when compared
against similar approaches that only involve discrete variables in the
generative process. We consider QVAEs with a smaller number of latent units to
be able to perform QMC simulations, which are computationally expensive. We
show that QVAEs can be trained effectively in regimes where quantum effects are
relevant despite training via the quantum bound. Our findings open the way to
the use of quantum computers to train QVAEs to achieve competitive performance
for generative models. Placing a QBM in the latent space of a VAE leverages the
full potential of current and next-generation quantum computers as sampling
devices.
|
Masked Conditional Neural Networks for Automatic Sound Events
Recognition | Deep neural network architectures designed for application domains other than
sound, especially image recognition, may not optimally harness the
time-frequency representation when adapted to the sound recognition problem. In
this work, we explore the ConditionaL Neural Network (CLNN) and the Masked
ConditionaL Neural Network (MCLNN) for multi-dimensional temporal signal
recognition. The CLNN considers the inter-frame relationship, and the MCLNN
enforces a systematic sparseness over the network's links to enable learning in
frequency bands rather than bins allowing the network to be frequency shift
invariant mimicking a filterbank. The mask also allows considering several
combinations of features concurrently, which is usually handcrafted through
exhaustive manual search. We applied the MCLNN to the environmental sound
recognition problem using the ESC-10 and ESC-50 datasets. MCLNN achieved
competitive performance, using 12% of the parameters and without augmentation,
compared to state-of-the-art Convolutional Neural Networks.
|
Horovod: fast and easy distributed deep learning in TensorFlow | Training modern deep learning models requires large amounts of computation,
often provided by GPUs. Scaling computation from one GPU to many can enable
much faster training and research progress but entails two complications.
First, the training library must support inter-GPU communication. Depending on
the particular methods employed, this communication may entail anywhere from
negligible to significant overhead. Second, the user must modify his or her
training code to take advantage of inter-GPU communication. Depending on the
training library's API, the modification required may be either significant or
minimal.
Existing methods for enabling multi-GPU training under the TensorFlow library
entail non-negligible communication overhead and require users to heavily
modify their model-building code, leading many researchers to avoid the whole
mess and stick with slower single-GPU training. In this paper we introduce
Horovod, an open source library that improves on both obstructions to scaling:
it employs efficient inter-GPU communication via ring reduction and requires
only a few lines of modification to user code, enabling faster, easier
distributed training in TensorFlow. Horovod is available under the Apache 2.0
license at https://github.com/uber/horovod
|
MPC-Inspired Neural Network Policies for Sequential Decision Making | In this paper we investigate the use of MPC-inspired neural network policies
for sequential decision making. We introduce an extension to the DAgger
algorithm for training such policies and show how they have improved training
performance and generalization capabilities. We take advantage of this
extension to show scalable and efficient training of complex planning policy
architectures in continuous state and action spaces. We provide an extensive
comparison of neural network policies by considering feed forward policies,
recurrent policies, and recurrent policies with planning structure inspired by
the Path Integral control framework. Our results suggest that MPC-type
recurrent policies have better robustness to disturbances and modeling error.
|
Distributed Stochastic Optimization via Adaptive SGD | Stochastic convex optimization algorithms are the most popular way to train
machine learning models on large-scale data. Scaling up the training process of
these models is crucial, but the most popular algorithm, Stochastic Gradient
Descent (SGD), is a serial method that is surprisingly hard to parallelize. In
this paper, we propose an efficient distributed stochastic optimization method
by combining adaptivity with variance reduction techniques. Our analysis yields
a linear speedup in the number of machines, constant memory footprint, and only
a logarithmic number of communication rounds. Critically, our approach is a
black-box reduction that parallelizes any serial online learning algorithm,
streamlining prior analysis and allowing us to leverage the significant
progress that has been made in designing adaptive algorithms. In particular, we
achieve optimal convergence rates without any prior knowledge of smoothness
parameters, yielding a more robust algorithm that reduces the need for
hyperparameter tuning. We implement our algorithm in the Spark distributed
framework and exhibit dramatic performance gains on large-scale logistic
regression problems.
|
Variational Autoencoders for Collaborative Filtering | We extend variational autoencoders (VAEs) to collaborative filtering for
implicit feedback. This non-linear probabilistic model enables us to go beyond
the limited modeling capacity of linear factor models which still largely
dominate collaborative filtering research.We introduce a generative model with
multinomial likelihood and use Bayesian inference for parameter estimation.
Despite widespread use in language modeling and economics, the multinomial
likelihood receives less attention in the recommender systems literature. We
introduce a different regularization parameter for the learning objective,
which proves to be crucial for achieving competitive performance. Remarkably,
there is an efficient way to tune the parameter using annealing. The resulting
model and learning algorithm has information-theoretic connections to maximum
entropy discrimination and the information bottleneck principle. Empirically,
we show that the proposed approach significantly outperforms several
state-of-the-art baselines, including two recently-proposed neural network
approaches, on several real-world datasets. We also provide extended
experiments comparing the multinomial likelihood with other commonly used
likelihood functions in the latent factor collaborative filtering literature
and show favorable results. Finally, we identify the pros and cons of employing
a principled Bayesian inference approach and characterize settings where it
provides the most significant improvements.
|
Learning Latent Features with Pairwise Penalties in Low-Rank Matrix
Completion | Low-rank matrix completion has achieved great success in many real-world data
applications. A matrix factorization model that learns latent features is
usually employed and, to improve prediction performance, the similarities
between latent variables can be exploited by pairwise learning using the graph
regularized matrix factorization (GRMF) method. However, existing GRMF
approaches often use the squared loss to measure the pairwise differences,
which may be overly influenced by dissimilar pairs and lead to inferior
prediction. To fully empower pairwise learning for matrix completion, we
propose a general optimization framework that allows a rich class of
(non-)convex pairwise penalty functions. A new and efficient algorithm is
developed to solve the proposed optimization problem, with a theoretical
convergence guarantee under mild assumptions. In an important situation where
the latent variables form a small number of subgroups, its statistical
guarantee is also fully considered. In particular, we theoretically
characterize the performance of the complexity-regularized maximum likelihood
estimator, as a special case of our framework, which is shown to have smaller
errors when compared to the standard matrix completion framework without
pairwise penalties. We conduct extensive experiments on both synthetic and real
datasets to demonstrate the superior performance of this general framework.
|
Auto-Encoding Total Correlation Explanation | Advances in unsupervised learning enable reconstruction and generation of
samples from complex distributions, but this success is marred by the
inscrutability of the representations learned. We propose an
information-theoretic approach to characterizing disentanglement and dependence
in representation learning using multivariate mutual information, also called
total correlation. The principle of total Cor-relation Ex-planation (CorEx) has
motivated successful unsupervised learning applications across a variety of
domains, but under some restrictive assumptions. Here we relax those
restrictions by introducing a flexible variational lower bound to CorEx.
Surprisingly, we find that this lower bound is equivalent to the one in
variational autoencoders (VAE) under certain conditions. This
information-theoretic view of VAE deepens our understanding of hierarchical VAE
and motivates a new algorithm, AnchorVAE, that makes latent codes more
interpretable through information maximization and enables generation of richer
and more realistic samples.
|
A Unified View of Causal and Non-causal Feature Selection | In this paper, we aim to develop a unified view of causal and non-causal
feature selection methods. The unified view will fill in the gap in the
research of the relation between the two types of methods. Based on the
Bayesian network framework and information theory, we first show that causal
and non-causal feature selection methods share the same objective. That is to
find the Markov blanket of a class attribute, the theoretically optimal feature
set for classification. We then examine the assumptions made by causal and
non-causal feature selection methods when searching for the optimal feature
set, and unify the assumptions by mapping them to the restrictions on the
structure of the Bayesian network model of the studied problem. We further
analyze in detail how the structural assumptions lead to the different levels
of approximations employed by the methods in their search, which then result in
the approximations in the feature sets found by the methods with respect to the
optimal feature set. With the unified view, we are able to interpret the output
of non-causal methods from a causal perspective and derive the error bounds of
both types of methods. Finally, we present practical understanding of the
relation between causal and non-causal methods using extensive experiments with
synthetic data and various types of real-word data.
|
Train on Validation: Squeezing the Data Lemon | Model selection on validation data is an essential step in machine learning.
While the mixing of data between training and validation is considered taboo,
practitioners often violate it to increase performance. Here, we offer a
simple, practical method for using the validation set for training, which
allows for a continuous, controlled trade-off between performance and
overfitting of model selection. We define the notion of
on-average-validation-stable algorithms as one in which using small portions of
validation data for training does not overfit the model selection process. We
then prove that stable algorithms are also validation stable. Finally, we
demonstrate our method on the MNIST and CIFAR-10 datasets using stable
algorithms as well as state-of-the-art neural networks. Our results show
significant increase in test performance with a minor trade-off in bias
admitted to the model selection process.
|
Generalizing Bottleneck Problems | Given a pair of random variables $(X,Y)\sim P_{XY}$ and two convex functions
$f_1$ and $f_2$, we introduce two bottleneck functionals as the lower and upper
boundaries of the two-dimensional convex set that consists of the pairs
$\left(I_{f_1}(W; X), I_{f_2}(W; Y)\right)$, where $I_f$ denotes
$f$-information and $W$ varies over the set of all discrete random variables
satisfying the Markov condition $W \to X \to Y$. Applying Witsenhausen and
Wyner's approach, we provide an algorithm for computing boundaries of this set
for $f_1$, $f_2$, and discrete $P_{XY}$. In the binary symmetric case, we fully
characterize the set when (i) $f_1(t)=f_2(t)=t\log t$, (ii)
$f_1(t)=f_2(t)=t^2-1$, and (iii) $f_1$ and $f_2$ are both $\ell^\beta$ norm
function for $\beta \geq 2$. We then argue that upper and lower boundaries in
(i) correspond to Mrs. Gerber's Lemma and its inverse (which we call Mr.
Gerber's Lemma), in (ii) correspond to estimation-theoretic variants of
Information Bottleneck and Privacy Funnel, and in (iii) correspond to Arimoto
Information Bottleneck and Privacy Funnel.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.