title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
On the Resilience of RTL NN Accelerators: Fault Characterization and
Mitigation
|
Machine Learning (ML) is making a strong resurgence in tune with the massive
generation of unstructured data which in turn requires massive computational
resources. Due to the inherently compute- and power-intensive structure of
Neural Networks (NNs), hardware accelerators emerge as a promising solution.
However, with technology node scaling below 10nm, hardware accelerators become
more susceptible to faults, which in turn can impact the NN accuracy. In this
paper, we study the resilience aspects of Register-Transfer Level (RTL) model
of NN accelerators, in particular, fault characterization and mitigation. By
following a High-Level Synthesis (HLS) approach, first, we characterize the
vulnerability of various components of RTL NN. We observed that the severity of
faults depends on both i) application-level specifications, i.e., NN data
(inputs, weights, or intermediate), NN layers, and NN activation functions, and
ii) architectural-level specifications, i.e., data representation model and the
parallelism degree of the underlying accelerator. Second, motivated by
characterization results, we present a low-overhead fault mitigation technique
that can efficiently correct bit flips, by 47.3% better than state-of-the-art
methods.
|
Mimic and Classify : A meta-algorithm for Conditional Independence
Testing
|
Given independent samples generated from the joint distribution
$p(\mathbf{x},\mathbf{y},\mathbf{z})$, we study the problem of Conditional
Independence (CI-Testing), i.e., whether the joint equals the CI distribution
$p^{CI}(\mathbf{x},\mathbf{y},\mathbf{z})= p(\mathbf{z})
p(\mathbf{y}|\mathbf{z})p(\mathbf{x}|\mathbf{z})$ or not. We cast this problem
under the purview of the proposed, provable meta-algorithm, "Mimic and
Classify", which is realized in two-steps: (a) Mimic the CI distribution close
enough to recover the support, and (b) Classify to distinguish the joint and
the CI distribution. Thus, as long as we have a good generative model and a
good classifier, we potentially have a sound CI Tester. With this modular
paradigm, CI Testing becomes amiable to be handled by state-of-the-art, both
generative and classification methods from the modern advances in Deep
Learning, which in general can handle issues related to curse of dimensionality
and operation in small sample regime. We show intensive numerical experiments
on synthetic and real datasets where new mimic methods such conditional GANs,
Regression with Neural Nets, outperform the current best CI Testing performance
in the literature. Our theoretical results provide analysis on the estimation
of null distribution as well as allow for general measures, i.e., when either
some of the random variables are discrete and some are continuous or when one
or more of them are discrete-continuous mixtures.
|
Why Interpretability in Machine Learning? An Answer Using Distributed
Detection and Data Fusion Theory
|
As artificial intelligence is increasingly affecting all parts of society and
life, there is growing recognition that human interpretability of machine
learning models is important. It is often argued that accuracy or other similar
generalization performance metrics must be sacrificed in order to gain
interpretability. Such arguments, however, fail to acknowledge that the overall
decision-making system is composed of two entities: the learned model and a
human who fuses together model outputs with his or her own information. As
such, the relevant performance criteria should be for the entire system, not
just for the machine learning component. In this work, we characterize the
performance of such two-node tandem data fusion systems using the theory of
distributed detection. In doing so, we work in the population setting and model
interpretable learned models as multi-level quantizers. We prove that under our
abstraction, the overall system of a human with an interpretable classifier
outperforms one with a black box classifier.
|
Analysis of Invariance and Robustness via Invertibility of ReLU-Networks
|
Studying the invertibility of deep neural networks (DNNs) provides a
principled approach to better understand the behavior of these powerful models.
Despite being a promising diagnostic tool, a consistent theory on their
invertibility is still lacking. We derive a theoretically motivated approach to
explore the preimages of ReLU-layers and mechanisms affecting the stability of
the inverse. Using the developed theory, we numerically show how this approach
uncovers characteristic properties of the network.
|
A Multi-View Ensemble Classification Model for Clinically Actionable
Genetic Mutations
|
This paper presents details of our winning solutions to the task IV of NIPS
2017 Competition Track entitled Classifying Clinically Actionable Genetic
Mutations. The machine learning task aims to classify genetic mutations based
on text evidence from clinical literature with promising performance. We
develop a novel multi-view machine learning framework with ensemble
classification models to solve the problem. During the Challenge, feature
combinations derived from three views including document view, entity text
view, and entity name view, which complements each other, are comprehensively
explored. As the final solution, we submitted an ensemble of nine basic
gradient boosting models which shows the best performance in the evaluation.
The approach scores 0.5506 and 0.6694 in terms of logarithmic loss on a fixed
split in stage-1 testing phase and 5-fold cross validation respectively, which
also makes us ranked as a top-1 team out of more than 1,300 solutions in NIPS
2017 Competition Track IV.
|
Cycle Consistent Adversarial Denoising Network for Multiphase Coronary
CT Angiography
|
In coronary CT angiography, a series of CT images are taken at different
levels of radiation dose during the examination. Although this reduces the
total radiation dose, the image quality during the low-dose phases is
significantly degraded. To address this problem, here we propose a novel
semi-supervised learning technique that can remove the noises of the CT images
obtained in the low-dose phases by learning from the CT images in the routine
dose phases. Although a supervised learning approach is not possible due to the
differences in the underlying heart structure in two phases, the images in the
two phases are closely related so that we propose a cycle-consistent
adversarial denoising network to learn the non-degenerate mapping between the
low and high dose cardiac phases. Experimental results showed that the proposed
method effectively reduces the noise in the low-dose CT image while the
preserving detailed texture and edge information. Moreover, thanks to the
cyclic consistency and identity loss, the proposed network does not create any
artificial features that are not present in the input images. Visual grading
and quality evaluation also confirm that the proposed method provides
significant improvement in diagnostic quality.
|
Deep Generative Models with Learnable Knowledge Constraints
|
The broad set of deep generative models (DGMs) has achieved remarkable
advances. However, it is often difficult to incorporate rich structured domain
knowledge with the end-to-end DGMs. Posterior regularization (PR) offers a
principled framework to impose structured constraints on probabilistic models,
but has limited applicability to the diverse DGMs that can lack a Bayesian
formulation or even explicit density evaluation. PR also requires constraints
to be fully specified a priori, which is impractical or suboptimal for complex
knowledge with learnable uncertain parts. In this paper, we establish
mathematical correspondence between PR and reinforcement learning (RL), and,
based on the connection, expand PR to learn constraints as the extrinsic reward
in RL. The resulting algorithm is model-agnostic to apply to any DGMs, and is
flexible to adapt arbitrary constraints with the model jointly. Experiments on
human image generation and templated sentence generation show models with
learned knowledge constraints by our algorithm greatly improve over base
generative models.
|
On the Implicit Bias of Dropout
|
Algorithmic approaches endow deep learning systems with implicit bias that
helps them generalize even in over-parametrized settings. In this paper, we
focus on understanding such a bias induced in learning through dropout, a
popular technique to avoid overfitting in deep learning. For single
hidden-layer linear neural networks, we show that dropout tends to make the
norm of incoming/outgoing weight vectors of all the hidden nodes equal. In
addition, we provide a complete characterization of the optimization landscape
induced by dropout.
|
Understanding Dropout as an Optimization Trick
|
As one of standard approaches to train deep neural networks, dropout has been
applied to regularize large models to avoid overfitting, and the improvement in
performance by dropout has been explained as avoiding co-adaptation between
nodes. However, when correlations between nodes are compared after training the
networks with or without dropout, one question arises if co-adaptation
avoidance explains the dropout effect completely. In this paper, we propose an
additional explanation of why dropout works and propose a new technique to
design better activation functions. First, we show that dropout can be
explained as an optimization technique to push the input towards the saturation
area of nonlinear activation function by accelerating gradient information
flowing even in the saturation area in backpropagation. Based on this
explanation, we propose a new technique for activation functions, {\em gradient
acceleration in activation function (GAAF)}, that accelerates gradients to flow
even in the saturation area. Then, input to the activation function can climb
onto the saturation area which makes the network more robust because the model
converges on a flat region. Experiment results support our explanation of
dropout and confirm that the proposed GAAF technique improves image
classification performance with expected properties.
|
AutoSpearman: Automatically Mitigating Correlated Metrics for
Interpreting Defect Models
|
The interpretation of defect models heavily relies on software metrics that
are used to construct them. However, such software metrics are often correlated
to defect models. Prior work often uses feature selection techniques to remove
correlated metrics in order to improve the performance of defect models. Yet,
the interpretation of defect models may be misleading if feature selection
techniques produce subsets of inconsistent and correlated metrics. In this
paper, we investigate the consistency and correlation of the subsets of metrics
that are produced by nine commonly-used feature selection techniques. Through a
case study of 13 publicly-available defect datasets, we find that feature
selection techniques produce inconsistent subsets of metrics and do not
mitigate correlated metrics, suggesting that feature selection techniques
should not be used and correlation analyses must be applied when the goal is
model interpretation. Since correlation analyses often involve manual selection
of metrics by a domain expert, we introduce AutoSpearman, an automated metric
selection approach based on correlation analyses. Our evaluation indicates that
AutoSpearman yields the highest consistency of subsets of metrics among
training samples and mitigates correlated metrics, while impacting model
performance by 1-2%pts. Thus, to automatically mitigate correlated metrics when
interpreting defect models, we recommend future studies use AutoSpearman in
lieu of commonly-used feature selection techniques.
|
A NoSQL Data-based Personalized Recommendation System for C2C e-Commerce
|
With the considerable development of customer-to-customer (C2C) e-commerce in
the recent years, there is a big demand for an effective recommendation system
that suggests suitable websites for users to sell their items with some
specified needs. Nonetheless, e-commerce recommendation systems are mostly
designed for business-to-customer (B2C) websites, where the systems offer the
consumers the products that they might like to buy. Almost none of the related
research works focus on choosing selling sites for target items. In this paper,
we introduce an approach that recommends the selling websites based upon the
item's description, category, and desired selling price. This approach employs
NoSQL data-based machine learning techniques for building and training topic
models and classification models. The trained models can then be used to rank
the websites dynamically with respect to the user needs. The experimental
results with real-world datasets from Vietnam C2C websites will demonstrate the
effectiveness of our proposed method.
|
Multi-agent Inverse Reinforcement Learning for Certain General-sum
Stochastic Games
|
This paper addresses the problem of multi-agent inverse reinforcement
learning (MIRL) in a two-player general-sum stochastic game framework. Five
variants of MIRL are considered: uCS-MIRL, advE-MIRL, cooE-MIRL, uCE-MIRL, and
uNE-MIRL, each distinguished by its solution concept. Problem uCS-MIRL is a
cooperative game in which the agents employ cooperative strategies that aim to
maximize the total game value. In problem uCE-MIRL, agents are assumed to
follow strategies that constitute a correlated equilibrium while maximizing
total game value. Problem uNE-MIRL is similar to uCE-MIRL in total game value
maximization, but it is assumed that the agents are playing a Nash equilibrium.
Problems advE-MIRL and cooE-MIRL assume agents are playing an adversarial
equilibrium and a coordination equilibrium, respectively. We propose novel
approaches to address these five problems under the assumption that the game
observer either knows or is able to accurate estimate the policies and solution
concepts for players. For uCS-MIRL, we first develop a characteristic set of
solutions ensuring that the observed bi-policy is a uCS and then apply a
Bayesian inverse learning method. For uCE-MIRL, we develop a linear programming
problem subject to constraints that define necessary and sufficient conditions
for the observed policies to be correlated equilibria. The objective is to
choose a solution that not only minimizes the total game value difference
between the observed bi-policy and a local uCS, but also maximizes the scale of
the solution. We apply a similar treatment to the problem of uNE-MIRL. The
remaining two problems can be solved efficiently by taking advantage of
solution uniqueness and setting up a convex optimization problem. Results are
validated on various benchmark grid-world games.
|
Unveiling the semantic structure of text documents using paragraph-aware
Topic Models
|
Classic Topic Models are built under the Bag Of Words assumption, in which
word position is ignored for simplicity. Besides, symmetric priors are
typically used in most applications. In order to easily learn topics with
different properties among the same corpus, we propose a new line of work in
which the paragraph structure is exploited. Our proposal is based on the
following assumption: in many text document corpora there are formal
constraints shared across all the collection, e.g. sections. When this
assumption is satisfied, some paragraphs may be related to general concepts
shared by all documents in the corpus, while others would contain the genuine
description of documents. Assuming each paragraph can be semantically more
general, specific, or hybrid, we look for ways to measure this, transferring
this distinction to topics and being able to learn what we call specific and
general topics. Experiments show that this is a proper methodology to highlight
certain paragraphs in structured documents at the same time we learn
interesting and more diverse topics.
|
Enhancing Sentence Embedding with Generalized Pooling
|
Pooling is an essential component of a wide variety of sentence
representation and embedding models. This paper explores generalized pooling
methods to enhance sentence embedding. We propose vector-based multi-head
attention that includes the widely used max pooling, mean pooling, and scalar
self-attention as special cases. The model benefits from properly designed
penalization terms to reduce redundancy in multi-head attention. We evaluate
the proposed model on three different tasks: natural language inference (NLI),
author profiling, and sentiment classification. The experiments show that the
proposed model achieves significant improvement over strong
sentence-encoding-based methods, resulting in state-of-the-art performances on
four datasets. The proposed approach can be easily implemented for more
problems than we discuss in this paper.
|
Graph-to-Sequence Learning using Gated Graph Neural Networks
|
Many NLP applications can be framed as a graph-to-sequence learning problem.
Previous work proposing neural architectures on this setting obtained promising
results compared to grammar-based approaches but still rely on linearisation
heuristics and/or standard recurrent networks to achieve the best performance.
In this work, we propose a new model that encodes the full structural
information contained in the graph. Our architecture couples the recently
proposed Gated Graph Neural Networks with an input transformation that allows
nodes and edges to have their own hidden representations, while tackling the
parameter explosion problem present in previous work. Experimental results show
that our model outperforms strong baselines in generation from AMR graphs and
syntax-based neural machine translation.
|
Quadratic Decomposable Submodular Function Minimization
|
We introduce a new convex optimization problem, termed quadratic decomposable
submodular function minimization. The problem is closely related to
decomposable submodular function minimization and arises in many learning on
graphs and hypergraphs settings, such as graph-based semi-supervised learning
and PageRank. We approach the problem via a new dual strategy and describe an
objective that may be optimized via random coordinate descent (RCD) methods and
projections onto cones. We also establish the linear convergence rate of the
RCD algorithm and develop efficient projection algorithms with provable
performance guarantees. Numerical experiments in semi-supervised learning on
hypergraphs confirm the efficiency of the proposed algorithm and demonstrate
the significant improvements in prediction accuracy with respect to
state-of-the-art methods.
|
Dropout-based Active Learning for Regression
|
Active learning is relevant and challenging for high-dimensional regression
models when the annotation of the samples is expensive. Yet most of the
existing sampling methods cannot be applied to large-scale problems, consuming
too much time for data processing. In this paper, we propose a fast active
learning algorithm for regression, tailored for neural network models. It is
based on uncertainty estimation from stochastic dropout output of the network.
Experiments on both synthetic and real-world datasets show comparable or better
performance (depending on the accuracy metric) as compared to the baselines.
This approach can be generalized to other deep learning architectures. It can
be used to systematically improve a machine-learning model as it offers a
computationally efficient way of sampling additional data.
|
Towards an understanding of CNNs: analysing the recovery of activation
pathways via Deep Convolutional Sparse Coding
|
Deep Convolutional Sparse Coding (D-CSC) is a framework reminiscent of deep
convolutional neural networks (DCNNs), but by omitting the learning of the
dictionaries one can more transparently analyse the role of the activation
function and its ability to recover activation paths through the layers.
Papyan, Romano, and Elad conducted an analysis of such an architecture,
demonstrated the relationship with DCNNs and proved conditions under which the
D-CSC is guaranteed to recover specific activation paths. A technical
innovation of their work highlights that one can view the efficacy of the ReLU
nonlinear activation function of a DCNN through a new variant of the tensor's
sparsity, referred to as stripe-sparsity. Using this they proved that
representations with an activation density proportional to the ambient
dimension of the data are recoverable. We extend their uniform guarantees to a
modified model and prove that with high probability the true activation is
typically possible to recover for a greater density of activations per layer.
Our extension follows from incorporating the prior work on one step
thresholding by Schnass and Vandergheynst.
|
Conditioning Deep Generative Raw Audio Models for Structured Automatic
Music
|
Existing automatic music generation approaches that feature deep learning can
be broadly classified into two types: raw audio models and symbolic models.
Symbolic models, which train and generate at the note level, are currently the
more prevalent approach; these models can capture long-range dependencies of
melodic structure, but fail to grasp the nuances and richness of raw audio
generations. Raw audio models, such as DeepMind's WaveNet, train directly on
sampled audio waveforms, allowing them to produce realistic-sounding, albeit
unstructured music. In this paper, we propose an automatic music generation
methodology combining both of these approaches to create structured,
realistic-sounding compositions. We consider a Long Short Term Memory network
to learn the melodic structure of different styles of music, and then use the
unique symbolic generations from this model as a conditioning input to a
WaveNet-based raw audio generator, creating a model for automatic, novel music.
We then evaluate this approach by showcasing results of this work.
|
Manifold Structured Prediction
|
Structured prediction provides a general framework to deal with supervised
problems where the outputs have semantically rich structure. While classical
approaches consider finite, albeit potentially huge, output spaces, in this
paper we discuss how structured prediction can be extended to a continuous
scenario. Specifically, we study a structured prediction approach to manifold
valued regression. We characterize a class of problems for which the considered
approach is statistically consistent and study how geometric optimization can
be used to compute the corresponding estimator. Promising experimental results
on both simulated and real data complete our study.
|
Hierarchical VampPrior Variational Fair Auto-Encoder
|
Decision making is a process that is extremely prone to different biases. In
this paper we consider learning fair representations that aim at removing
nuisance (sensitive) information from the decision process. For this purpose,
we propose to use deep generative modeling and adapt a hierarchical Variational
Auto-Encoder to learn these fair representations. Moreover, we utilize the
mutual information as a useful regularizer for enforcing fairness of a
representation. In experiments on two benchmark datasets and two scenarios
where the sensitive variables are fully and partially observable, we show that
the proposed approach either outperforms or performs on par with the current
best model.
|
Tangent-Space Regularization for Neural-Network Models of Dynamical
Systems
|
This work introduces the concept of tangent space regularization for
neural-network models of dynamical systems. The tangent space to the dynamics
function of many physical systems of interest in control applications exhibits
useful properties, e.g., smoothness, motivating regularization of the model
Jacobian along system trajectories using assumptions on the tangent space of
the dynamics. Without assumptions, large amounts of training data are required
for a neural network to learn the full non-linear dynamics without overfitting.
We compare different network architectures on one-step prediction and
simulation performance and investigate the propensity of different
architectures to learn models with correct input-output Jacobian. Furthermore,
the influence of $L_2$ weight regularization on the learned Jacobian eigenvalue
spectrum, and hence system stability, is investigated.
|
Open the Black Box Data-Driven Explanation of Black Box Decision Systems
|
Black box systems for automated decision making, often based on machine
learning over (big) data, map a user's features into a class or a score without
exposing the reasons why. This is problematic not only for lack of
transparency, but also for possible biases hidden in the algorithms, due to
human prejudices and collection artifacts hidden in the training data, which
may lead to unfair or wrong decisions. We introduce the local-to-global
framework for black box explanation, a novel approach with promising early
results, which paves the road for a wide spectrum of future developments along
three dimensions: (i) the language for expressing explanations in terms of
highly expressive logic-based rules, with a statistical and causal
interpretation; (ii) the inference of local explanations aimed at revealing the
logic of the decision adopted for a specific instance by querying and auditing
the black box in the vicinity of the target instance; (iii), the bottom-up
generalization of the many local explanations into simple global ones, with
algorithms that optimize the quality and comprehensibility of explanations.
|
The decoupled extended Kalman filter for dynamic exponential-family
factorization models
|
Motivated by the needs of online large-scale recommender systems, we
specialize the decoupled extended Kalman filter (DEKF) to factorization models,
including factorization machines, matrix and tensor factorization, and
illustrate the effectiveness of the approach through numerical experiments on
synthetic and on real-world data. Online learning of model parameters through
the DEKF makes factorization models more broadly useful by (i) allowing for
more flexible observations through the entire exponential family, (ii) modeling
parameter drift, and (iii) producing parameter uncertainty estimates that can
enable explore/exploit and other applications. We use a different parameter
dynamics than the standard DEKF, allowing parameter drift while encouraging
reasonable values. We also present an alternate derivation of the extended
Kalman filter and DEKF that highlights the role of the Fisher information
matrix in the EKF.
|
Dynamic Spectrum Matching with One-shot Learning
|
Convolutional neural networks (CNN) have been shown to provide a good
solution for classification problems that utilize data obtained from
vibrational spectroscopy. Moreover, CNNs are capable of identification from
noisy spectra without the need for additional preprocessing. However, their
application in practical spectroscopy is limited due to two shortcomings. The
effectiveness of the classification using CNNs drops rapidly when only a small
number of spectra per substance are available for training (which is a typical
situation in real applications). Additionally, to accommodate new, previously
unseen substance classes, the network must be retrained which is
computationally intensive. Here we address these issues by reformulating a
multi-class classification problem with a large number of classes, but a small
number of samples per class, to a binary classification problem with sufficient
data available for representation learning. Namely, we define the learning task
as identifying pairs of inputs as belonging to the same or different classes.
We achieve this using a Siamese convolutional neural network. A novel sampling
strategy is proposed to address the imbalance problem in training the Siamese
Network. The trained network can effectively classify samples of unseen
substance classes using just a single reference sample (termed as one-shot
learning in the machine learning community). Our results demonstrate better
accuracy than other practical systems to date, while allowing effortless
updates of the system's database with novel substance classes.
|
Adversarial Active Exploration for Inverse Dynamics Model Learning
|
We present an adversarial active exploration for inverse dynamics model
learning, a simple yet effective learning scheme that incentivizes exploration
in an environment without any human intervention. Our framework consists of a
deep reinforcement learning (DRL) agent and an inverse dynamics model
contesting with each other. The former collects training samples for the
latter, with an objective to maximize the error of the latter. The latter is
trained with samples collected by the former, and generates rewards for the
former when it fails to predict the actual action taken by the former. In such
a competitive setting, the DRL agent learns to generate samples that the
inverse dynamics model fails to predict correctly, while the inverse dynamics
model learns to adapt to the challenging samples. We further propose a reward
structure that ensures the DRL agent to collect only moderately hard samples
but not overly hard ones that prevent the inverse model from predicting
effectively. We evaluate the effectiveness of our method on several robotic arm
and hand manipulation tasks against multiple baseline models. Experimental
results show that our method is comparable to those directly trained with
expert demonstrations, and superior to the other baselines even without any
human priors.
|
Adaptive Blending Units: Trainable Activation Functions for Deep Neural
Networks
|
The most widely used activation functions in current deep feed-forward neural
networks are rectified linear units (ReLU), and many alternatives have been
successfully applied, as well. However, none of the alternatives have managed
to consistently outperform the rest and there is no unified theory connecting
properties of the task and network with properties of activation functions for
most efficient training. A possible solution is to have the network learn its
preferred activation functions. In this work, we introduce Adaptive Blending
Units (ABUs), a trainable linear combination of a set of activation functions.
Since ABUs learn the shape, as well as the overall scaling of the activation
function, we also analyze the effects of adaptive scaling in common activation
functions. We experimentally demonstrate advantages of both adaptive scaling
and ABUs over common activation functions across a set of systematically varied
network specifications. We further show that adaptive scaling works by
mitigating covariate shifts during training, and that the observed advantages
in performance of ABUs likewise rely largely on the activation function's
ability to adapt over the course of training.
|
Deep $k$-Means: Jointly clustering with $k$-Means and learning
representations
|
We study in this paper the problem of jointly clustering and learning
representations. As several previous studies have shown, learning
representations that are both faithful to the data to be clustered and adapted
to the clustering algorithm can lead to better clustering performance, all the
more so that the two tasks are performed jointly. We propose here such an
approach for $k$-Means clustering based on a continuous reparametrization of
the objective function that leads to a truly joint solution. The behavior of
our approach is illustrated on various datasets showing its efficacy in
learning representations for objects while clustering them.
|
A Theory of Diagnostic Interpretation in Supervised Classification
|
Interpretable deep learning is a fundamental building block towards safer AI,
especially when the deployment possibilities of deep learning-based
computer-aided medical diagnostic systems are so eminent. However, without a
computational formulation of black-box interpretation, general interpretability
research rely heavily on subjective bias. Clear decision structure of the
medical diagnostics lets us approximate the decision process of a radiologist
as a model - removed from subjective bias. We define the process of
interpretation as a finite communication between a known model and a black-box
model to optimally map the black box's decision process in the known model.
Consequently, we define interpretability as maximal information gain over the
initial uncertainty about the black-box's decision within finite communication.
We relax this definition based on the observation that diagnostic
interpretation is typically achieved by a process of minimal querying. We
derive an algorithm to calculate diagnostic interpretability. The usual
question of accuracy-interpretability tradeoff, i.e. whether a black-box
model's prediction accuracy is dependent on its ability to be interpreted by a
known source model, does not arise in this theory. With multiple example
simulation experiments of various complexity levels, we demonstrate the working
of such a theoretical model in synthetic supervised classification scenarios.
|
Request-and-Reverify: Hierarchical Hypothesis Testing for Concept Drift
Detection with Expensive Labels
|
One important assumption underlying common classification models is the
stationarity of the data. However, in real-world streaming applications, the
data concept indicated by the joint distribution of feature and label is not
stationary but drifting over time. Concept drift detection aims to detect such
drifts and adapt the model so as to mitigate any deterioration in the model's
predictive performance. Unfortunately, most existing concept drift detection
methods rely on a strong and over-optimistic condition that the true labels are
available immediately for all already classified instances. In this paper, a
novel Hierarchical Hypothesis Testing framework with Request-and-Reverify
strategy is developed to detect concept drifts by requesting labels only when
necessary. Two methods, namely Hierarchical Hypothesis Testing with
Classification Uncertainty (HHT-CU) and Hierarchical Hypothesis Testing with
Attribute-wise "Goodness-of-fit" (HHT-AG), are proposed respectively under the
novel framework. In experiments with benchmark datasets, our methods
demonstrate overwhelming advantages over state-of-the-art unsupervised drift
detectors. More importantly, our methods even outperform DDM (the widely used
supervised drift detector) when we use significantly fewer labels.
|
Modular meta-learning
|
Many prediction problems, such as those that arise in the context of
robotics, have a simplifying underlying structure that, if known, could
accelerate learning. In this paper, we present a strategy for learning a set of
neural network modules that can be combined in different ways. We train
different modular structures on a set of related tasks and generalize to new
tasks by composing the learned modules in new ways. By reusing modules to
generalize we achieve combinatorial generalization, akin to the "infinite use
of finite means" displayed in language. Finally, we show this improves
performance in two robotics-related problems.
|
Semantically Enhanced Dynamic Bayesian Network for Detecting Sepsis
Mortality Risk in ICU Patients with Infection
|
Although timely sepsis diagnosis and prompt interventions in Intensive Care
Unit (ICU) patients are associated with reduced mortality, early clinical
recognition is frequently impeded by non-specific signs of infection and
failure to detect signs of sepsis-induced organ dysfunction in a constellation
of dynamically changing physiological data. The goal of this work is to
identify patient at risk of life-threatening sepsis utilizing a data-centered
and machine learning-driven approach. We derive a mortality risk predictive
dynamic Bayesian network (DBN) guided by a customized sepsis knowledgebase and
compare the predictive accuracy of the derived DBN with the Sepsis-related
Organ Failure Assessment (SOFA) score, the Quick SOFA (qSOFA) score, the
Simplified Acute Physiological Score (SAPS-II) and the Modified Early Warning
Score (MEWS) tools.
A customized sepsis ontology was used to derive the DBN node structure and
semantically characterize temporal features derived from both structured
physiological data and unstructured clinical notes. We assessed the performance
in predicting mortality risk of the DBN predictive model and compared
performance to other models using Receiver Operating Characteristic (ROC)
curves, area under curve (AUROC), calibration curves, and risk distributions.
The derived dataset consists of 24,506 ICU stays from 19,623 patients with
evidence of suspected infection, with 2,829 patients deceased at discharge. The
DBN AUROC was found to be 0.91, which outperformed the SOFA (0.843), qSOFA
(0.66), MEWS (0.73), and SAPS-II (0.77) scoring tools. Continuous Net
Reclassification Index and Integrated Discrimination Improvement analysis
supported the superiority DBN. Compared with conventional rule-based risk
scoring tools, the sepsis knowledgebase-driven DBN algorithm offers improved
performance for predicting mortality of infected patients in ICUs.
|
Learning a Compressed Sensing Measurement Matrix via Gradient Unrolling
|
Linear encoding of sparse vectors is widely popular, but is commonly
data-independent -- missing any possible extra (but a priori unknown) structure
beyond sparsity. In this paper we present a new method to learn linear encoders
that adapt to data, while still performing well with the widely used $\ell_1$
decoder. The convex $\ell_1$ decoder prevents gradient propagation as needed in
standard gradient-based training. Our method is based on the insight that
unrolling the convex decoder into $T$ projected subgradient steps can address
this issue. Our method can be seen as a data-driven way to learn a compressed
sensing measurement matrix. We compare the empirical performance of 10
algorithms over 6 sparse datasets (3 synthetic and 3 real). Our experiments
show that there is indeed additional structure beyond sparsity in the real
datasets; our method is able to discover it and exploit it to create excellent
reconstructions with fewer measurements (by a factor of 1.1-3x) compared to the
previous state-of-the-art methods. We illustrate an application of our method
in learning label embeddings for extreme multi-label classification, and
empirically show that our method is able to match or outperform the precision
scores of SLEEC, which is one of the state-of-the-art embedding-based
approaches.
|
Multi-Merge Budget Maintenance for Stochastic Gradient Descent SVM
Training
|
Budgeted Stochastic Gradient Descent (BSGD) is a state-of-the-art technique
for training large-scale kernelized support vector machines. The budget
constraint is maintained incrementally by merging two points whenever the
pre-defined budget is exceeded. The process of finding suitable merge partners
is costly; it can account for up to 45% of the total training time. In this
paper we investigate computationally more efficient schemes that merge more
than two points at once. We obtain significant speed-ups without sacrificing
accuracy.
|
Speeding Up Budgeted Stochastic Gradient Descent SVM Training with
Precomputed Golden Section Search
|
Limiting the model size of a kernel support vector machine to a pre-defined
budget is a well-established technique that allows to scale SVM learning and
prediction to large-scale data. Its core addition to simple stochastic gradient
training is budget maintenance through merging of support vectors. This
requires solving an inner optimization problem with an iterative method many
times per gradient step. In this paper we replace the iterative procedure with
a fast lookup. We manage to reduce the merging time by up to 65% and the total
training time by 44% without any loss of accuracy.
|
Unsupervised Learning by Competing Hidden Units
|
It is widely believed that the backpropagation algorithm is essential for
learning good feature detectors in early layers of artificial neural networks,
so that these detectors are useful for the task performed by the higher layers
of that neural network. At the same time, the traditional form of
backpropagation is biologically implausible. In the present paper we propose an
unusual learning rule, which has a degree of biological plausibility, and which
is motivated by Hebb's idea that change of the synapse strength should be local
- i.e. should depend only on the activities of the pre and post synaptic
neurons. We design a learning algorithm that utilizes global inhibition in the
hidden layer, and is capable of learning early feature detectors in a
completely unsupervised way. These learned lower layer feature detectors can be
used to train higher layer weights in a usual supervised way so that the
performance of the full network is comparable to the performance of standard
feedforward networks trained end-to-end with a backpropagation algorithm.
|
Dual SVM Training on a Budget
|
We present a dual subspace ascent algorithm for support vector machine
training that respects a budget constraint limiting the number of support
vectors. Budget methods are effective for reducing the training time of kernel
SVM while retaining high accuracy. To date, budget training is available only
for primal (SGD-based) solvers. Dual subspace ascent methods like sequential
minimal optimization are attractive for their good adaptation to the problem
structure, their fast convergence rate, and their practical speed. By
incorporating a budget constraint into a dual algorithm, our method enjoys the
best of both worlds. We demonstrate considerable speed-ups over primal budget
training methods.
|
A Tight Convergence Analysis for Stochastic Gradient Descent with
Delayed Updates
|
We provide tight finite-time convergence bounds for gradient descent and
stochastic gradient descent on quadratic functions, when the gradients are
delayed and reflect iterates from $\tau$ rounds ago. First, we show that
without stochastic noise, delays strongly affect the attainable optimization
error: In fact, the error can be as bad as non-delayed gradient descent ran on
only $1/\tau$ of the gradients. In sharp contrast, we quantify how stochastic
noise makes the effect of delays negligible, improving on previous work which
only showed this phenomenon asymptotically or for much smaller delays. Also, in
the context of distributed optimization, the results indicate that the
performance of gradient descent with delays is competitive with synchronous
approaches such as mini-batching. Our results are based on a novel technique
for analyzing convergence of optimization algorithms using generating
functions.
|
Deep Feature Factorization For Concept Discovery
|
We propose Deep Feature Factorization (DFF), a method capable of localizing
similar semantic concepts within an image or a set of images. We use DFF to
gain insight into a deep convolutional neural network's learned features, where
we detect hierarchical cluster structures in feature space. This is visualized
as heat maps, which highlight semantically matching regions across a set of
images, revealing what the network `perceives' as similar. DFF can also be used
to perform co-segmentation and co-localization, and we report state-of-the-art
results on these tasks.
|
Conditional Sparse $\ell_p$-norm Regression With Optimal Probability
|
We consider the following conditional linear regression problem: the task is
to identify both (i) a $k$-DNF condition $c$ and (ii) a linear rule $f$ such
that the probability of $c$ is (approximately) at least some given bound $\mu$,
and $f$ minimizes the $\ell_p$ loss of predicting the target $z$ in the
distribution of examples conditioned on $c$. Thus, the task is to identify a
portion of the distribution on which a linear rule can provide a good fit.
Algorithms for this task are useful in cases where simple, learnable rules only
accurately model portions of the distribution. The prior state-of-the-art for
such algorithms could only guarantee finding a condition of probability
$\Omega(\mu/n^k)$ when a condition of probability $\mu$ exists, and achieved an
$O(n^k)$-approximation to the target loss, where $n$ is the number of Boolean
attributes. Here, we give efficient algorithms for solving this task with a
condition $c$ that nearly matches the probability of the ideal condition, while
also improving the approximation to the target loss. We also give an algorithm
for finding a $k$-DNF reference class for prediction at a given query point,
that obtains a sparse regression fit that has loss within $O(n^k)$ of optimal
among all sparse regression parameters and sufficiently large $k$-DNF reference
classes containing the query point.
|
Guided evolutionary strategies: Augmenting random search with surrogate
gradients
|
Many applications in machine learning require optimizing a function whose
true gradient is unknown, but where surrogate gradient information (directions
that may be correlated with, but not necessarily identical to, the true
gradient) is available instead. This arises when an approximate gradient is
easier to compute than the full gradient (e.g. in meta-learning or unrolled
optimization), or when a true gradient is intractable and is replaced with a
surrogate (e.g. in certain reinforcement learning applications, or when using
synthetic gradients). We propose Guided Evolutionary Strategies, a method for
optimally using surrogate gradient directions along with random search. We
define a search distribution for evolutionary strategies that is elongated
along a guiding subspace spanned by the surrogate gradients. This allows us to
estimate a descent direction which can then be passed to a first-order
optimizer. We analytically and numerically characterize the tradeoffs that
result from tuning how strongly the search distribution is stretched along the
guiding subspace, and we use this to derive a setting of the hyperparameters
that works well across problems. Finally, we apply our method to example
problems, demonstrating an improvement over both standard evolutionary
strategies and first-order methods (that directly follow the surrogate
gradient). We provide a demo of Guided ES at
https://github.com/brain-research/guided-evolutionary-strategies
|
Scalable Gaussian Process Inference with Finite-data Mean and Variance
Guarantees
|
Gaussian processes (GPs) offer a flexible class of priors for nonparametric
Bayesian regression, but popular GP posterior inference methods are typically
prohibitively slow or lack desirable finite-data guarantees on quality. We
develop an approach to scalable approximate GP regression with finite-data
guarantees on the accuracy of pointwise posterior mean and variance estimates.
Our main contribution is a novel objective for approximate inference in the
nonparametric setting: the preconditioned Fisher (pF) divergence. We show that
unlike the Kullback--Leibler divergence (used in variational inference), the pF
divergence bounds the 2-Wasserstein distance, which in turn provides tight
bounds the pointwise difference of the mean and variance functions. We
demonstrate that, for sparse GP likelihood approximations, we can minimize the
pF divergence efficiently. Our experiments show that optimizing the pF
divergence has the same computational requirements as variational sparse GPs
while providing comparable empirical performance--in addition to our novel
finite-data quality guarantees.
|
Optimal Piecewise Local-Linear Approximations
|
Existing works on "black-box" model interpretation use local-linear
approximations to explain the predictions made for each data instance in terms
of the importance assigned to the different features for arriving at the
prediction. These works provide instancewise explanations and thus give a local
view of the model. To be able to trust the model it is important to understand
the global model behavior and there are relatively fewer works which do the
same. Piecewise local-linear models provide a natural way to extend
local-linear models to explain the global behavior of the model. In this work,
we provide a dynamic programming based framework to obtain piecewise
approximations of the black-box model. We also provide provable fidelity, i.e.,
how well the explanations reflect the black-box model, guarantees. We carry out
simulations on synthetic and real datasets to show the utility of the proposed
approach. At the end, we show that the ideas developed for our framework can
also be used to address the problem of clustering for one-dimensional data. We
give a polynomial time algorithm and prove that it achieves optimal clustering.
|
Auto-Keras: An Efficient Neural Architecture Search System
|
Neural architecture search (NAS) has been proposed to automatically tune deep
neural networks, but existing search algorithms, e.g., NASNet, PNAS, usually
suffer from expensive computational cost. Network morphism, which keeps the
functionality of a neural network while changing its neural architecture, could
be helpful for NAS by enabling more efficient training during the search. In
this paper, we propose a novel framework enabling Bayesian optimization to
guide the network morphism for efficient neural architecture search. The
framework develops a neural network kernel and a tree-structured acquisition
function optimization algorithm to efficiently explores the search space.
Intensive experiments on real-world benchmark datasets have been done to
demonstrate the superior performance of the developed framework over the
state-of-the-art methods. Moreover, we build an open-source AutoML system based
on our method, namely Auto-Keras. The system runs in parallel on CPU and GPU,
with an adaptive search strategy for different GPU memory limits.
|
Optimal Scheduling of Electrolyzer in Power Market with Dynamic Prices
|
Optimal scheduling of hydrogen production in dynamic pricing power market can
maximize the profit of hydrogen producer; however, it highly depends on the
accurate forecast of hydrogen consumption. In this paper, we propose a deep
leaning based forecasting approach for predicting hydrogen consumption of fuel
cell vehicles in future taxi industry. The cost of hydrogen production is
minimized by utilizing the proposed forecasting tool to reduce the hydrogen
produced during high cost on-peak hours and guide hydrogen producer to store
sufficient hydrogen during low cost off-peak hours.
|
QT-Opt: Scalable Deep Reinforcement Learning for Vision-Based Robotic
Manipulation
|
In this paper, we study the problem of learning vision-based dynamic
manipulation skills using a scalable reinforcement learning approach. We study
this problem in the context of grasping, a longstanding challenge in robotic
manipulation. In contrast to static learning behaviors that choose a grasp
point and then execute the desired grasp, our method enables closed-loop
vision-based control, whereby the robot continuously updates its grasp strategy
based on the most recent observations to optimize long-horizon grasp success.
To that end, we introduce QT-Opt, a scalable self-supervised vision-based
reinforcement learning framework that can leverage over 580k real-world grasp
attempts to train a deep neural network Q-function with over 1.2M parameters to
perform closed-loop, real-world grasping that generalizes to 96% grasp success
on unseen objects. Aside from attaining a very high success rate, our method
exhibits behaviors that are quite distinct from more standard grasping systems:
using only RGB vision-based perception from an over-the-shoulder camera, our
method automatically learns regrasping strategies, probes objects to find the
most effective grasps, learns to reposition objects and perform other
non-prehensile pre-grasp manipulations, and responds dynamically to
disturbances and perturbations.
|
Matrix Completion from Non-Uniformly Sampled Entries
|
In this paper, we consider matrix completion from non-uniformly sampled
entries including fully observed and partially observed columns. Specifically,
we assume that a small number of columns are randomly selected and fully
observed, and each remaining column is partially observed with uniform
sampling. To recover the unknown matrix, we first recover its column space from
the fully observed columns. Then, for each partially observed column, we
recover it by finding a vector which lies in the recovered column space and
consists of the observed entries. When the unknown $m\times n$ matrix is
low-rank, we show that our algorithm can exactly recover it from merely
$\Omega(rn\ln n)$ entries, where $r$ is the rank of the matrix. Furthermore,
for a noisy low-rank matrix, our algorithm computes a low-rank approximation of
the unknown matrix and enjoys an additive error bound measured by Frobenius
norm. Experimental results on synthetic datasets verify our theoretical claims
and demonstrate the effectiveness of our proposed algorithm.
|
Adversarial Distillation of Bayesian Neural Network Posteriors
|
Bayesian neural networks (BNNs) allow us to reason about uncertainty in a
principled way. Stochastic Gradient Langevin Dynamics (SGLD) enables efficient
BNN learning by drawing samples from the BNN posterior using mini-batches.
However, SGLD and its extensions require storage of many copies of the model
parameters, a potentially prohibitive cost, especially for large neural
networks. We propose a framework, Adversarial Posterior Distillation, to
distill the SGLD samples using a Generative Adversarial Network (GAN). At
test-time, samples are generated by the GAN. We show that this distillation
framework incurs no loss in performance on recent BNN applications including
anomaly detection, active learning, and defense against adversarial attacks. By
construction, our framework not only distills the Bayesian predictive
distribution, but the posterior itself. This allows one to compute quantities
such as the approximate model variance, which is useful in downstream tasks. To
our knowledge, these are the first results applying MCMC-based BNNs to the
aforementioned downstream applications.
|
MONAS: Multi-Objective Neural Architecture Search using Reinforcement
Learning
|
Recent studies on neural architecture search have shown that automatically
designed neural networks perform as good as expert-crafted architectures. While
most existing works aim at finding architectures that optimize the prediction
accuracy, these architectures may have complexity and is therefore not suitable
being deployed on certain computing environment (e.g., with limited power
budgets). We propose MONAS, a framework for Multi-Objective Neural
Architectural Search that employs reward functions considering both prediction
accuracy and other important objectives (e.g., power consumption) when
searching for neural network architectures. Experimental results showed that,
compared to the state-ofthe-arts, models found by MONAS achieve comparable or
better classification accuracy on computer vision applications, while
satisfying the additional objectives such as peak power.
|
Quantum-chemical insights from interpretable atomistic neural networks
|
With the rise of deep neural networks for quantum chemistry applications,
there is a pressing need for architectures that, beyond delivering accurate
predictions of chemical properties, are readily interpretable by researchers.
Here, we describe interpretation techniques for atomistic neural networks on
the example of Behler-Parrinello networks as well as the end-to-end model
SchNet. Both models obtain predictions of chemical properties by aggregating
atom-wise contributions. These latent variables can serve as local explanations
of a prediction and are obtained during training without additional cost. Due
to their correspondence to well-known chemical concepts such as atomic energies
and partial charges, these atom-wise explanations enable insights not only
about the model but more importantly about the underlying quantum-chemical
regularities. We generalize from atomistic explanations to 3d space, thus
obtaining spatially resolved visualizations which further improve
interpretability. Finally, we analyze learned embeddings of chemical elements
that exhibit a partial ordering that resembles the order of the periodic table.
As the examined neural networks show excellent agreement with chemical
knowledge, the presented techniques open up new venues for data-driven research
in chemistry, physics and materials science.
|
Dynamic Assortment Selection under the Nested Logit Models
|
We study a stylized dynamic assortment planning problem during a selling
season of finite length $T$. At each time period, the seller offers an arriving
customer an assortment of substitutable products and the customer makes the
purchase among offered products according to a discrete choice model. The goal
of the seller is to maximize the expected revenue, or equivalently, to minimize
the worst-case expected regret. One key challenge is that utilities of products
are unknown to the seller and need to be learned. Although the dynamic
assortment planning problem has received increasing attention in revenue
management, most existing work is based on the multinomial logit choice models
(MNL). In this paper, we study the problem of dynamic assortment planning under
a more general choice model -- the nested logit model, which models
hierarchical choice behavior and is ``the most widely used member of the GEV
(generalized extreme value) family''. By leveraging the revenue-ordered
structure of the optimal assortment within each nest, we develop a novel upper
confidence bound (UCB) policy with an aggregated estimation scheme. Our policy
simultaneously learns customers' choice behavior and makes dynamic decisions on
assortments based on the current knowledge. It achieves the accumulated regret
at the order of $\tilde{O}(\sqrt{MNT})$, where $M$ is the number of nests and
$N$ is the number of products in each nest. We further provide a lower bound
result of $\Omega(\sqrt{MT})$, which shows the near optimality of the upper
bound when $T$ is much larger than $M$ and $N$. When the number of items per
nest $N$ is large, we further provide a discretization heuristic for better
performance of our algorithm. Numerical results are presented to demonstrate
the empirical performance of our proposed algorithms.
|
The challenge of realistic music generation: modelling raw audio at
scale
|
Realistic music generation is a challenging task. When building generative
models of music that are learnt from data, typically high-level representations
such as scores or MIDI are used that abstract away the idiosyncrasies of a
particular performance. But these nuances are very important for our perception
of musicality and realism, so in this work we embark on modelling music in the
raw audio domain. It has been shown that autoregressive models excel at
generating raw audio waveforms of speech, but when applied to music, we find
them biased towards capturing local signal structure at the expense of
modelling long-range correlations. This is problematic because music exhibits
structure at many different timescales. In this work, we explore autoregressive
discrete autoencoders (ADAs) as a means to enable autoregressive models to
capture long-range correlations in waveforms. We find that they allow us to
unconditionally generate piano music directly in the raw audio domain, which
shows stylistic consistency across tens of seconds.
|
Employee Attrition Prediction
|
We aim to predict whether an employee of a company will leave or not, using
the k-Nearest Neighbors algorithm. We use evaluation of employee performance,
average monthly hours at work and number of years spent in the company, among
others, as our features. Other approaches to this problem include the use of
ANNs, decision trees and logistic regression. The dataset was split, using 70%
for training the algorithm and 30% for testing it, achieving an accuracy of
94.32%.
|
Online optimal task offloading with one-bit feedback
|
Task offloading is an emerging technology in fog-enabled networks. It allows
users to transmit tasks to neighbor fog nodes so as to utilize the computing
resources of the networks. In this paper, we investigate a stochastic task
offloading model and propose a multi-armed bandit framework to formulate this
model. We consider the fact that different helper nodes prefer different kinds
of tasks. Further, we assume each helper node just feeds back one-bit
information to the task node to indicate the level of happiness. The key
challenge of this problem lies in the exploration-exploitation tradeoff. We
thus implement a UCB-type algorithm to maximize the long-term happiness metric.
Numerical simulations are given in the end of the paper to corroborate our
strategy.
|
This Looks Like That: Deep Learning for Interpretable Image Recognition
|
When we are faced with challenging image classification tasks, we often
explain our reasoning by dissecting the image, and pointing out prototypical
aspects of one class or another. The mounting evidence for each of the classes
helps us make our final decision. In this work, we introduce a deep network
architecture -- prototypical part network (ProtoPNet), that reasons in a
similar way: the network dissects the image by finding prototypical parts, and
combines evidence from the prototypes to make a final classification. The model
thus reasons in a way that is qualitatively similar to the way ornithologists,
physicians, and others would explain to people on how to solve challenging
image classification tasks. The network uses only image-level labels for
training without any annotations for parts of images. We demonstrate our method
on the CUB-200-2011 dataset and the Stanford Cars dataset. Our experiments show
that ProtoPNet can achieve comparable accuracy with its analogous
non-interpretable counterpart, and when several ProtoPNets are combined into a
larger network, it can achieve an accuracy that is on par with some of the
best-performing deep models. Moreover, ProtoPNet provides a level of
interpretability that is absent in other interpretable deep models.
|
Approximability of Discriminators Implies Diversity in GANs
|
While Generative Adversarial Networks (GANs) have empirically produced
impressive results on learning complex real-world distributions, recent works
have shown that they suffer from lack of diversity or mode collapse. The
theoretical work of Arora et al. suggests a dilemma about GANs' statistical
properties: powerful discriminators cause overfitting, whereas weak
discriminators cannot detect mode collapse.
By contrast, we show in this paper that GANs can in principle learn
distributions in Wasserstein distance (or KL-divergence in many cases) with
polynomial sample complexity, if the discriminator class has strong
distinguishing power against the particular generator class (instead of against
all possible generators). For various generator classes such as mixture of
Gaussians, exponential families, and invertible and injective neural networks
generators, we design corresponding discriminators (which are often neural nets
of specific architectures) such that the Integral Probability Metric (IPM)
induced by the discriminators can provably approximate the Wasserstein distance
and/or KL-divergence. This implies that if the training is successful, then the
learned distribution is close to the true distribution in Wasserstein distance
or KL divergence, and thus cannot drop modes. Our preliminary experiments show
that on synthetic datasets the test IPM is well correlated with KL divergence
or the Wasserstein distance, indicating that the lack of diversity in GANs may
be caused by the sub-optimality in optimization instead of statistical
inefficiency.
|
ActiveRemediation: The Search for Lead Pipes in Flint, Michigan
|
We detail our ongoing work in Flint, Michigan to detect pipes made of lead
and other hazardous metals. After elevated levels of lead were detected in
residents' drinking water, followed by an increase in blood lead levels in area
children, the state and federal governments directed over $125 million to
replace water service lines, the pipes connecting each home to the water
system. In the absence of accurate records, and with the high cost of
determining buried pipe materials, we put forth a number of predictive and
procedural tools to aid in the search and removal of lead infrastructure.
Alongside these statistical and machine learning approaches, we describe our
interactions with government officials in recommending homes for both
inspection and replacement, with a focus on the statistical model that adapts
to incoming information. Finally, in light of discussions about increased
spending on infrastructure development by the federal government, we explore
how our approach generalizes beyond Flint to other municipalities nationwide.
|
A comparative study of artificial intelligence and human doctors for the
purpose of triage and diagnosis
|
Online symptom checkers have significant potential to improve patient care,
however their reliability and accuracy remain variable. We hypothesised that an
artificial intelligence (AI) powered triage and diagnostic system would compare
favourably with human doctors with respect to triage and diagnostic accuracy.
We performed a prospective validation study of the accuracy and safety of an AI
powered triage and diagnostic system. Identical cases were evaluated by both an
AI system and human doctors. Differential diagnoses and triage outcomes were
evaluated by an independent judge, who was blinded from knowing the source (AI
system or human doctor) of the outcomes. Independently of these cases,
vignettes from publicly available resources were also assessed to provide a
benchmark to previous studies and the diagnostic component of the MRCGP exam.
Overall we found that the Babylon AI powered Triage and Diagnostic System was
able to identify the condition modelled by a clinical vignette with accuracy
comparable to human doctors (in terms of precision and recall). In addition, we
found that the triage advice recommended by the AI System was, on average,
safer than that of human doctors, when compared to the ranges of acceptable
triage provided by independent expert judges, with only a minimal reduction in
appropriateness.
|
Empirical Risk Minimization and Stochastic Gradient Descent for
Relational Data
|
Empirical risk minimization is the main tool for prediction problems, but its
extension to relational data remains unsolved. We solve this problem using
recent ideas from graph sampling theory to (i) define an empirical risk for
relational data and (ii) obtain stochastic gradients for this empirical risk
that are automatically unbiased. This is achieved by considering the method by
which data is sampled from a graph as an explicit component of model design. By
integrating fast implementations of graph sampling schemes with standard
automatic differentiation tools, we provide an efficient turnkey solver for the
risk minimization problem. We establish basic theoretical properties of the
procedure. Finally, we demonstrate relational ERM with application to two
non-standard problems: one-stage training for semi-supervised node
classification, and learning embedding vectors for vertex attributes.
Experiments confirm that the turnkey inference procedure is effective in
practice, and that the sampling scheme used for model specification has a
strong effect on model performance. Code is available at
https://github.com/wooden-spoon/relational-ERM.
|
Gradient Similarity: An Explainable Approach to Detect Adversarial
Attacks against Deep Learning
|
Deep neural networks are susceptible to small-but-specific adversarial
perturbations capable of deceiving the network. This vulnerability can lead to
potentially harmful consequences in security-critical applications. To address
this vulnerability, we propose a novel metric called \emph{Gradient Similarity}
that allows us to capture the influence of training data on test inputs. We
show that \emph{Gradient Similarity} behaves differently for normal and
adversarial inputs, and enables us to detect a variety of adversarial attacks
with a near perfect ROC-AUC of 95-100\%. Even white-box adversaries equipped
with perfect knowledge of the system cannot bypass our detector easily. On the
MNIST dataset, white-box attacks are either detected with a high ROC-AUC of
87-96\%, or require very high distortion to bypass our detector.
|
A Topological Regularizer for Classifiers via Persistent Homology
|
Regularization plays a crucial role in supervised learning. Most existing
methods enforce a global regularization in a structure agnostic manner. In this
paper, we initiate a new direction and propose to enforce the structural
simplicity of the classification boundary by regularizing over its topological
complexity. In particular, our measurement of topological complexity
incorporates the importance of topological features (e.g., connected
components, handles, and so on) in a meaningful manner, and provides a direct
control over spurious topological structures. We incorporate the new
measurement as a topological penalty in training classifiers. We also pro- pose
an efficient algorithm to compute the gradient of such penalty. Our method pro-
vides a novel way to topologically simplify the global structure of the model,
without having to sacrifice too much of the flexibility of the model. We
demonstrate the effectiveness of our new topological regularizer on a range of
synthetic and real-world datasets.
|
Deep Echo State Networks with Uncertainty Quantification for
Spatio-Temporal Forecasting
|
Long-lead forecasting for spatio-temporal systems can often entail complex
nonlinear dynamics that are difficult to specify it a priori. Current
statistical methodologies for modeling these processes are often highly
parameterized and thus, challenging to implement from a computational
perspective. One potential parsimonious solution to this problem is a method
from the dynamical systems and engineering literature referred to as an echo
state network (ESN). ESN models use so-called {\it reservoir computing} to
efficiently compute recurrent neural network (RNN) forecasts. Moreover,
so-called "deep" models have recently been shown to be successful at predicting
high-dimensional complex nonlinear processes, particularly those with multiple
spatial and temporal scales of variability (such as we often find in
spatio-temporal environmental data). Here we introduce a deep ensemble ESN
(D-EESN) model. We present two versions of this model for spatio-temporal
processes that both produce forecasts and associated measures of uncertainty.
The first approach utilizes a bootstrap ensemble framework and the second is
developed within a hierarchical Bayesian framework (BD-EESN). This more general
hierarchical Bayesian framework naturally accommodates non-Gaussian data types
and multiple levels of uncertainties. The methodology is first applied to a
data set simulated from a novel non-Gaussian multiscale Lorenz-96 dynamical
system simulation model and then to a long-lead United States (U.S.) soil
moisture forecasting application.
|
Illuminating Generalization in Deep Reinforcement Learning through
Procedural Level Generation
|
Deep reinforcement learning (RL) has shown impressive results in a variety of
domains, learning directly from high-dimensional sensory streams. However, when
neural networks are trained in a fixed environment, such as a single level in a
video game, they will usually overfit and fail to generalize to new levels.
When RL models overfit, even slight modifications to the environment can result
in poor agent performance. This paper explores how procedurally generated
levels during training can increase generality. We show that for some games
procedural level generation enables generalization to new levels within the
same distribution. Additionally, it is possible to achieve better performance
with less data by manipulating the difficulty of the levels in response to the
performance of the agent. The generality of the learned behaviors is also
evaluated on a set of human-designed levels. The results suggest that the
ability to generalize to human-designed levels highly depends on the design of
the level generators. We apply dimensionality reduction and clustering
techniques to visualize the generators' distributions of levels and analyze to
what degree they can produce levels similar to those designed by a human.
|
Risk-averse estimation, an axiomatic approach to inference, and
Wallace-Freeman without MML
|
We define a new class of Bayesian point estimators, which we refer to as risk
averse. Using this definition, we formulate axioms that provide natural
requirements for inference, e.g. in a scientific setting, and show that for
well-behaved estimation problems the axioms uniquely characterise an estimator.
Namely, for estimation problems in which some parameter values have a positive
posterior probability (such as, e.g., problems with a discrete hypothesis
space), the axioms characterise Maximum A Posteriori (MAP) estimation, whereas
elsewhere (such as in continuous estimation) they characterise the
Wallace-Freeman estimator.
Our results provide a novel justification for the Wallace-Freeman estimator,
which previously was derived only as an approximation to the
information-theoretic Strict Minimum Message Length estimator. By contrast, our
derivation requires neither approximations nor coding.
|
Robust Neural Malware Detection Models for Emulation Sequence Learning
|
Malicious software, or malware, presents a continuously evolving challenge in
computer security. These embedded snippets of code in the form of malicious
files or hidden within legitimate files cause a major risk to systems with
their ability to run malicious command sequences. Malware authors even use
polymorphism to reorder these commands and create several malicious variations.
However, if executed in a secure environment, one can perform early malware
detection on emulated command sequences.
The models presented in this paper leverage this sequential data derived via
emulation in order to perform Neural Malware Detection. These models target the
core of the malicious operation by learning the presence and pattern of
co-occurrence of malicious event actions from within these sequences. Our
models can capture entire event sequences and be trained directly using the
known target labels. These end-to-end learning models are powered by two
commonly used structures - Long Short-Term Memory (LSTM) Networks and
Convolutional Neural Networks (CNNs). Previously proposed sequential malware
classification models process no more than 200 events. Attackers can evade
detection by delaying any malicious activity beyond the beginning of the file.
We present specialized models that can handle extremely long sequences while
successfully performing malware detection in an efficient way. We present an
implementation of the Convoluted Partitioning of Long Sequences approach in
order to tackle this vulnerability and operate on long sequences. We present
our results on a large dataset consisting of 634,249 file sequences, with
extremely long file sequences.
|
Contextual bandits with surrogate losses: Margin bounds and efficient
algorithms
|
We use surrogate losses to obtain several new regret bounds and new
algorithms for contextual bandit learning. Using the ramp loss, we derive new
margin-based regret bounds in terms of standard sequential complexity measures
of a benchmark class of real-valued regression functions. Using the hinge loss,
we derive an efficient algorithm with a $\sqrt{dT}$-type mistake bound against
benchmark policies induced by $d$-dimensional regressors. Under realizability
assumptions, our results also yield classical regret bounds.
|
Towards automatic initialization of registration algorithms using
simulated endoscopy images
|
Registering images from different modalities is an active area of research in
computer aided medical interventions. Several registration algorithms have been
developed, many of which achieve high accuracy. However, these results are
dependent on many factors, including the quality of the extracted features or
segmentations being registered as well as the initial alignment. Although
several methods have been developed towards improving segmentation algorithms
and automating the segmentation process, few automatic initialization
algorithms have been explored. In many cases, the initial alignment from which
a registration is initiated is performed manually, which interferes with the
clinical workflow. Our aim is to use scene classification in endoscopic
procedures to achieve coarse alignment of the endoscope and a preoperative
image of the anatomy. In this paper, we show using simulated scenes that a
neural network can predict the region of anatomy (with respect to a
preoperative image) that the endoscope is located in by observing a single
endoscopic video frame. With limited training and without any hyperparameter
tuning, our method achieves an accuracy of 76.53 (+/-1.19)%. There are several
avenues for improvement, making this a promising direction of research. Code is
available at https://github.com/AyushiSinha/AutoInitialization.
|
Robust Fuzzy-Learning For Partially Overlapping Channels Allocation In
UAV Communication Networks
|
In this paper, we consider a mesh-structured unmanned aerial vehicle (UAV)
networks exploiting partially overlapping channels (POCs). For general
data-collection tasks in UAV networks, we aim to optimize the network
throughput with constraints on transmission power and quality of service (QoS).
As far as the highly mobile and constantly changing UAV networks are concerned,
unfortunately, most existing methods rely on definite information which is
vulnerable to the dynamic environment, rendering system performance to be less
effective. In order to combat dynamic topology and varying interference of UAV
networks, a robust and distributed learning scheme is proposed. Rather than the
perfect channel state information (CSI), we introduce uncertainties to
characterize the dynamic channel gains among UAV nodes, which are then
interpreted with fuzzy numbers. Instead of the traditional observation space
where the channel capacity is a crisp reward, we implement the learning and
decision process in a mapped fuzzy space. This allows the system to achieve a
smoother and more robust performance by optimizing in an alternate space. To
this end, we design a fuzzy payoffs function (FPF) to describe the fluctuated
utility, and the problem of POCs assignment is formulated as a fuzzy payoffs
game (FPG). Assisted by an attractive property of fuzzy bi-matrix games, the
existence of fuzzy Nash equilibrium (FNE) for our formulated FPG is proved. Our
robust fuzzy-learning algorithm could reach the equilibrium solution via a
least-deviation method. Finally, numerical simulations are provided to
demonstrate the advantages of our new scheme over the existing scheme.
|
A Benchmark for Interpretability Methods in Deep Neural Networks
|
We propose an empirical measure of the approximate accuracy of feature
importance estimates in deep neural networks. Our results across several
large-scale image classification datasets show that many popular
interpretability methods produce estimates of feature importance that are not
better than a random designation of feature importance. Only certain ensemble
based approaches---VarGrad and SmoothGrad-Squared---outperform such a random
assignment of importance. The manner of ensembling remains critical, we show
that some approaches do no better then the underlying method but carry a far
higher computational burden.
|
Successive Convex Approximation Algorithms for Sparse Signal Estimation
with Nonconvex Regularizations
|
In this paper, we propose a successive convex approximation framework for
sparse optimization where the nonsmooth regularization function in the
objective function is nonconvex and it can be written as the difference of two
convex functions. The proposed framework is based on a nontrivial combination
of the majorization-minimization framework and the successive convex
approximation framework proposed in literature for a convex regularization
function. The proposed framework has several attractive features, namely, i)
flexibility, as different choices of the approximate function lead to different
type of algorithms; ii) fast convergence, as the problem structure can be
better exploited by a proper choice of the approximate function and the
stepsize is calculated by the line search; iii) low complexity, as the
approximate function is convex and the line search scheme is carried out over a
differentiable function; iv) guaranteed convergence to a stationary point. We
demonstrate these features by two example applications in subspace learning,
namely, the network anomaly detection problem and the sparse subspace
clustering problem. Customizing the proposed framework by adopting the
best-response type approximation, we obtain soft-thresholding with exact line
search algorithms for which all elements of the unknown parameter are updated
in parallel according to closed-form expressions. The attractive features of
the proposed algorithms are illustrated numerically.
|
Differentiable Learning-to-Normalize via Switchable Normalization
|
We address a learning-to-normalize problem by proposing Switchable
Normalization (SN), which learns to select different normalizers for different
normalization layers of a deep neural network. SN employs three distinct scopes
to compute statistics (means and variances) including a channel, a layer, and a
minibatch. SN switches between them by learning their importance weights in an
end-to-end manner. It has several good properties. First, it adapts to various
network architectures and tasks (see Fig.1). Second, it is robust to a wide
range of batch sizes, maintaining high performance even when small minibatch is
presented (e.g. 2 images/GPU). Third, SN does not have sensitive
hyper-parameter, unlike group normalization that searches the number of groups
as a hyper-parameter. Without bells and whistles, SN outperforms its
counterparts on various challenging benchmarks, such as ImageNet, COCO,
CityScapes, ADE20K, and Kinetics. Analyses of SN are also presented. We hope SN
will help ease the usage and understand the normalization techniques in deep
learning. The code of SN has been made available in
https://github.com/switchablenorms/.
|
How To Extract Fashion Trends From Social Media? A Robust Object
Detector With Support For Unsupervised Learning
|
With the proliferation of social media, fashion inspired from celebrities,
reputed designers as well as fashion influencers has shortened the cycle of
fashion design and manufacturing. However, with the explosion of fashion
related content and large number of user generated fashion photos, it is an
arduous task for fashion designers to wade through social media photos and
create a digest of trending fashion. This necessitates deep parsing of fashion
photos on social media to localize and classify multiple fashion items from a
given fashion photo. While object detection competitions such as MSCOCO have
thousands of samples for each of the object categories, it is quite difficult
to get large labeled datasets for fast fashion items. Moreover,
state-of-the-art object detectors do not have any functionality to ingest large
amount of unlabeled data available on social media in order to fine tune object
detectors with labeled datasets. In this work, we show application of a generic
object detector, that can be pretrained in an unsupervised manner, on 24
categories from recently released Open Images V4 dataset. We first train the
base architecture of the object detector using unsupervisd learning on 60K
unlabeled photos from 24 categories gathered from social media, and then
subsequently fine tune it on 8.2K labeled photos from Open Images V4 dataset.
On 300 X 300 image inputs, we achieve 72.7% mAP on a test dataset of 2.4K
photos while performing 11% to 17% better as compared to the state-of-the-art
object detectors. We show that this improvement is due to our choice of
architecture that lets us do unsupervised learning and that performs
significantly better in identifying small objects.
|
Hierarchical Reinforcement Learning with Abductive Planning
|
One of the key challenges in applying reinforcement learning to real-life
problems is that the amount of train-and-error required to learn a good policy
increases drastically as the task becomes complex. One potential solution to
this problem is to combine reinforcement learning with automated symbol
planning and utilize prior knowledge on the domain. However, existing methods
have limitations in their applicability and expressiveness. In this paper we
propose a hierarchical reinforcement learning method based on abductive
symbolic planning. The planner can deal with user-defined evaluation functions
and is not based on the Herbrand theorem. Therefore it can utilize prior
knowledge of the rewards and can work in a domain where the state space is
unknown. We demonstrate empirically that our architecture significantly
improves learning efficiency with respect to the amount of training examples on
the evaluation domain, in which the state space is unknown and there exist
multiple goals.
|
Deep Learning-Aided Projected Gradient Detector for Massive Overloaded
MIMO Channels
|
The paper presents a deep learning-aided iterative detection algorithm for
massive overloaded MIMO systems. Since the proposed algorithm is based on the
projected gradient descent method with trainable parameters, it is named as
trainable projected descent-detector (TPG-detector). The trainable internal
parameters can be optimized with standard deep learning techniques such as back
propagation and stochastic gradient descent algorithms. This approach referred
to as data-driven tuning brings notable advantages of the proposed scheme such
as fast convergence. The numerical experiments show that TPG-detector achieves
comparable detection performance to those of the known algorithms for massive
overloaded MIMO channels with lower computation cost.
|
Training Discriminative Models to Evaluate Generative Ones
|
Generative models are known to be difficult to assess. Recent works,
especially on generative adversarial networks (GANs), produce good visual
samples of varied categories of images. However, the validation of their
quality is still difficult to define and there is no existing agreement on the
best evaluation process. This paper aims at making a step toward an objective
evaluation process for generative models. It presents a new method to assess a
trained generative model by evaluating the test accuracy of a classifier
trained with generated data. The test set is composed of real images.
Therefore, The classifier accuracy is used as a proxy to evaluate if the
generative model fit the true data distribution. By comparing results with
different generated datasets we are able to classify and compare generative
models. The motivation of this approach is also to evaluate if generative
models can help discriminative neural networks to learn, i.e., measure if
training on generated data is able to make a model successful at testing on
real settings. Our experiments compare different generators from the
Variational Auto-Encoders (VAE) and Generative Adversarial Network (GAN)
frameworks on MNIST and fashion MNIST datasets. Our results show that none of
the generative models is able to replace completely true data to train a
discriminative model. But they also show that the initial GAN and WGAN are the
best choices to generate on MNIST database (Modified National Institute of
Standards and Technology database) and fashion MNIST database.
|
Feature Selection for Unsupervised Domain Adaptation using Optimal
Transport
|
In this paper, we propose a new feature selection method for unsupervised
domain adaptation based on the emerging optimal transportation theory. We build
upon a recent theoretical analysis of optimal transport in domain adaptation
and show that it can directly suggest a feature selection procedure leveraging
the shift between the domains. Based on this, we propose a novel algorithm that
aims to sort features by their similarity across the source and target domains,
where the order is obtained by analyzing the coupling matrix representing the
solution of the proposed optimal transportation problem. We evaluate our method
on a well-known benchmark data set and illustrate its capability of selecting
correlated features leading to better classification performances. Furthermore,
we show that the proposed algorithm can be used as a pre-processing step for
existing domain adaptation techniques ensuring an important speed-up in terms
of the computational time while maintaining comparable results. Finally, we
validate our algorithm on clinical imaging databases for computer-aided
diagnosis task with promising results.
|
Spatiotemporal Prediction of Ambulance Demand using Gaussian Process
Regression
|
Accurately predicting when and where ambulance call-outs occur can reduce
response times and ensure the patient receives urgent care sooner. Here we
present a novel method for ambulance demand prediction using Gaussian process
regression (GPR) in time and geographic space. The method exhibits superior
accuracy to MEDIC, a method which has been used in industry. The use of GPR has
additional benefits such as the quantification of uncertainty with each
prediction, the choice of kernel functions to encode prior knowledge and the
ability to capture spatial correlation. Measures to increase the utility of GPR
in the current context, with large training sets and a Poisson-distributed
output, are outlined.
|
Deep learning in business analytics and operations research: Models,
applications and managerial implications
|
Business analytics refers to methods and practices that create value through
data for individuals, firms, and organizations. This field is currently
experiencing a radical shift due to the advent of deep learning: deep neural
networks promise improvements in prediction performance as compared to models
from traditional machine learning. However, our research into the existing body
of literature reveals a scarcity of research works utilizing deep learning in
our discipline. Accordingly, the objectives of this overview article are as
follows: (1) we review research on deep learning for business analytics from an
operational point of view. (2) We motivate why researchers and practitioners
from business analytics should utilize deep neural networks and review
potential use cases, necessary requirements, and benefits. (3) We investigate
the added value to operations research in different case studies with real data
from entrepreneurial undertakings. All such cases demonstrate improvements in
operational performance over traditional machine learning and thus direct value
gains. (4) We provide guidelines and implications for researchers, managers and
practitioners in operations research who want to advance their capabilities for
business analytics with regard to deep learning. (5) Our computational
experiments find that default, out-of-the-box architectures are often
suboptimal and thus highlight the value of customized architectures by
proposing a novel deep-embedded network.
|
ResNet with one-neuron hidden layers is a Universal Approximator
|
We demonstrate that a very deep ResNet with stacked modules with one neuron
per hidden layer and ReLU activation functions can uniformly approximate any
Lebesgue integrable function in $d$ dimensions, i.e. $\ell_1(\mathbb{R}^d)$.
Because of the identity mapping inherent to ResNets, our network has
alternating layers of dimension one and $d$. This stands in sharp contrast to
fully connected networks, which are not universal approximators if their width
is the input dimension $d$ [Lu et al, 2017; Hanin and Sellke, 2017]. Hence, our
result implies an increase in representational power for narrow deep networks
by the ResNet architecture.
|
Automatic Exploration of Machine Learning Experiments on OpenML
|
Understanding the influence of hyperparameters on the performance of a
machine learning algorithm is an important scientific topic in itself and can
help to improve automatic hyperparameter tuning procedures. Unfortunately,
experimental meta data for this purpose is still rare. This paper presents a
large, free and open dataset addressing this problem, containing results on 38
OpenML data sets, six different machine learning algorithms and many different
hyperparameter configurations. Results where generated by an automated random
sampling strategy, termed the OpenML Random Bot. Each algorithm was
cross-validated up to 20.000 times per dataset with different hyperparameters
settings, resulting in a meta dataset of around 2.5 million experiments
overall.
|
Learning Implicit Generative Models with the Method of Learned Moments
|
We propose a method of moments (MoM) algorithm for training large-scale
implicit generative models. Moment estimation in this setting encounters two
problems: it is often difficult to define the millions of moments needed to
learn the model parameters, and it is hard to determine which properties are
useful when specifying moments. To address the first issue, we introduce a
moment network, and define the moments as the network's hidden units and the
gradient of the network's output with the respect to its parameters. To tackle
the second problem, we use asymptotic theory to highlight desiderata for
moments -- namely they should minimize the asymptotic variance of estimated
model parameters -- and introduce an objective to learn better moments. The
sequence of objectives created by this Method of Learned Moments (MoLM) can
train high-quality neural image samplers. On CIFAR-10, we demonstrate that
MoLM-trained generators achieve significantly higher Inception Scores and lower
Frechet Inception Distances than those trained with gradient
penalty-regularized and spectrally-normalized adversarial objectives. These
generators also achieve nearly perfect Multi-Scale Structural Similarity Scores
on CelebA, and can create high-quality samples of 128x128 images.
|
Bayesian optimization of the PC algorithm for learning Gaussian Bayesian
networks
|
The PC algorithm is a popular method for learning the structure of Gaussian
Bayesian networks. It carries out statistical tests to determine absent edges
in the network. It is hence governed by two parameters: (i) The type of test,
and (ii) its significance level. These parameters are usually set to values
recommended by an expert. Nevertheless, such an approach can suffer from human
bias, leading to suboptimal reconstruction results. In this paper we consider a
more principled approach for choosing these parameters in an automatic way. For
this we optimize a reconstruction score evaluated on a set of different
Gaussian Bayesian networks. This objective is expensive to evaluate and lacks a
closed-form expression, which means that Bayesian optimization (BO) is a
natural choice. BO methods use a model to guide the search and are hence able
to exploit smoothness properties of the objective surface. We show that the
parameters found by a BO method outperform those found by a random search
strategy and the expert recommendation. Importantly, we have found that an
often overlooked statistical test provides the best over-all reconstruction
results.
|
A Simple Stochastic Variance Reduced Algorithm with Fast Convergence
Rates
|
Recent years have witnessed exciting progress in the study of stochastic
variance reduced gradient methods (e.g., SVRG, SAGA), their accelerated
variants (e.g, Katyusha) and their extensions in many different settings (e.g.,
online, sparse, asynchronous, distributed). Among them, accelerated methods
enjoy improved convergence rates but have complex coupling structures, which
makes them hard to be extended to more settings (e.g., sparse and asynchronous)
due to the existence of perturbation. In this paper, we introduce a simple
stochastic variance reduced algorithm (MiG), which enjoys the best-known
convergence rates for both strongly convex and non-strongly convex problems.
Moreover, we also present its efficient sparse and asynchronous variants, and
theoretically analyze its convergence rates in these settings. Finally,
extensive experiments for various machine learning problems such as logistic
regression are given to illustrate the practical improvement in both serial and
asynchronous settings.
|
Neural Network Cognitive Engine for Autonomous and Distributed Underlay
Dynamic Spectrum Access
|
Two key challenges in underlay dynamic spectrum access (DSA) are how to
establish an interference limit from the primary network (PN) and how cognitive
radios (CRs) in the secondary network (SN) become aware of the interference
they create on the PN, especially when there is no exchange of information
between the two networks. These challenges are addressed in this paper by
presenting a fully autonomous and distributed underlay DSA scheme where each CR
operates based on predicting its transmission effect on the PN. The scheme is
based on a cognitive engine with an artificial neural network that predicts,
without exchanging information between the networks, the adaptive modulation
and coding configuration for the primary link nearest to a transmitting CR. By
managing the effect of the SN on the PN, the presented technique maintains the
relative average throughput change in the PN within a prescribed maximum value,
while also finding transmit settings for the CRs that result in throughput as
large as allowed by the PN interference limit. Simulation results show that the
ability of the cognitive engine in estimating the effect of a CR transmission
on the full adaptive modulation and coding (AMC) mode leads to a much more fine
underlay transmit power control. This ability also provides higher transmission
opportunities for the CRs, compared to a scheme that can only estimate the
modulation scheme used at the PN link.
|
Direct Acceleration of SAGA using Sampled Negative Momentum
|
Variance reduction is a simple and effective technique that accelerates
convex (or non-convex) stochastic optimization. Among existing variance
reduction methods, SVRG and SAGA adopt unbiased gradient estimators and are the
most popular variance reduction methods in recent years. Although various
accelerated variants of SVRG (e.g., Katyusha and Acc-Prox-SVRG) have been
proposed, the direct acceleration of SAGA still remains unknown. In this paper,
we propose a directly accelerated variant of SAGA using a novel Sampled
Negative Momentum (SSNM), which achieves the best known oracle complexity for
strongly convex problems (with known strong convexity parameter). Consequently,
our work fills the void of directly accelerated SAGA.
|
A probabilistic constrained clustering for transfer learning and image
category discovery
|
Neural network-based clustering has recently gained popularity, and in
particular a constrained clustering formulation has been proposed to perform
transfer learning and image category discovery using deep learning. The core
idea is to formulate a clustering objective with pairwise constraints that can
be used to train a deep clustering network; therefore the cluster assignments
and their underlying feature representations are jointly optimized end-to-end.
In this work, we provide a novel clustering formulation to address scalability
issues of previous work in terms of optimizing deeper networks and larger
amounts of categories. The proposed objective directly minimizes the negative
log-likelihood of cluster assignment with respect to the pairwise constraints,
has no hyper-parameters, and demonstrates improved scalability and performance
on both supervised learning and unsupervised transfer learning.
|
Recovering Trees with Convex Clustering
|
Convex clustering refers, for given $\left\{x_1, \dots, x_n\right\} \subset
\mathbb{R}^p$, to the minimization of \begin{eqnarray*} u(\gamma) & = &
\underset{u_1, \dots, u_n }{\arg\min}\;\sum_{i=1}^{n}{\lVert x_i - u_i
\rVert^2} + \gamma \sum_{i,j=1}^{n}{w_{ij} \lVert u_i - u_j\rVert},\\
\end{eqnarray*} where $w_{ij} \geq 0$ is an affinity that quantifies the
similarity between $x_i$ and $x_j$. We prove that if the affinities $w_{ij}$
reflect a tree structure in the $\left\{x_1, \dots, x_n\right\}$, then the
convex clustering solution path reconstructs the tree exactly. The main
technical ingredient implies the following combinatorial byproduct: for every
set $\left\{x_1, \dots, x_n \right\} \subset \mathbb{R}^p$ of $n \geq 2$
distinct points, there exist at least $n/6$ points with the property that for
any of these points $x$ there is a unit vector $v \in \mathbb{R}^p$ such that,
when viewed from $x$, `most' points lie in the direction $v$ \begin{eqnarray*}
\frac{1}{n-1}\sum_{i=1 \atop x_i \neq x}^{n}{ \left\langle \frac{x_i -
x}{\lVert x_i - x \rVert}, v \right\rangle} & \geq & \frac{1}{4}.
\end{eqnarray*}
|
Adversarial Reprogramming of Neural Networks
|
Deep neural networks are susceptible to \emph{adversarial} attacks. In
computer vision, well-crafted perturbations to images can cause neural networks
to make mistakes such as confusing a cat with a computer. Previous adversarial
attacks have been designed to degrade performance of models or cause machine
learning models to produce specific outputs chosen ahead of time by the
attacker. We introduce attacks that instead {\em reprogram} the target model to
perform a task chosen by the attacker---without the attacker needing to specify
or compute the desired output for each test-time input. This attack finds a
single adversarial perturbation, that can be added to all test-time inputs to a
machine learning model in order to cause the model to perform a task chosen by
the adversary---even if the model was not trained to do this task. These
perturbations can thus be considered a program for the new task. We demonstrate
adversarial reprogramming on six ImageNet classification models, repurposing
these models to perform a counting task, as well as classification tasks:
classification of MNIST and CIFAR-10 examples presented as inputs to the
ImageNet model.
|
A New Angle on L2 Regularization
|
Imagine two high-dimensional clusters and a hyperplane separating them.
Consider in particular the angle between: the direction joining the two
clusters' centroids and the normal to the hyperplane. In linear classification,
this angle depends on the level of L2 regularization used. Can you explain why?
|
Neural-net-induced Gaussian process regression for function
approximation and PDE solution
|
Neural-net-induced Gaussian process (NNGP) regression inherits both the high
expressivity of deep neural networks (deep NNs) as well as the uncertainty
quantification property of Gaussian processes (GPs). We generalize the current
NNGP to first include a larger number of hyperparameters and subsequently train
the model by maximum likelihood estimation. Unlike previous works on NNGP that
targeted classification, here we apply the generalized NNGP to function
approximation and to solving partial differential equations (PDEs).
Specifically, we develop an analytical iteration formula to compute the
covariance function of GP induced by deep NN with an error-function
nonlinearity. We compare the performance of the generalized NNGP for function
approximations and PDE solutions with those of GPs and fully-connected NNs. We
observe that for smooth functions the generalized NNGP can yield the same order
of accuracy with GP, while both NNGP and GP outperform deep NN. For non-smooth
functions, the generalized NNGP is superior to GP and comparable or superior to
deep NN.
|
A hybrid deep learning approach for medical relation extraction
|
Mining relationships between treatment(s) and medical problem(s) is vital in
the biomedical domain. This helps in various applications, such as decision
support system, safety surveillance, and new treatment discovery. We propose a
deep learning approach that utilizes both word level and sentence-level
representations to extract the relationships between treatment and problem.
While deep learning techniques demand a large amount of data for training, we
make use of a rule-based system particularly for relationship classes with
fewer samples. Our final relations are derived by jointly combining the results
from deep learning and rule-based models. Our system achieved a promising
performance on the relationship classes of I2b2 2010 relation extraction task.
|
Quit When You Can: Efficient Evaluation of Ensembles with Ordering
Optimization
|
Given a classifier ensemble and a set of examples to be classified, many
examples may be confidently and accurately classified after only a subset of
the base models in the ensemble are evaluated. This can reduce both mean
latency and CPU while maintaining the high accuracy of the original ensemble.
To achieve such gains, we propose jointly optimizing a fixed evaluation order
of the base models and early-stopping thresholds. Our proposed objective is a
combinatorial optimization problem, but we provide a greedy algorithm that
achieves a 4-approximation of the optimal solution for certain cases. For those
cases, this is also the best achievable polynomial time approximation bound
unless $P = NP$. Experiments on benchmark and real-world problems show that the
proposed Quit When You Can (QWYC) algorithm can speed-up average evaluation
time by $2$x--$4$x, and is around $1.5$x faster than prior work. QWYC's joint
optimization of ordering and thresholds also performed better in experiments
than various fixed orderings, including gradient boosted trees' ordering.
|
Polynomial-time probabilistic reasoning with partial observations via
implicit learning in probability logics
|
Standard approaches to probabilistic reasoning require that one possesses an
explicit model of the distribution in question. But, the empirical learning of
models of probability distributions from partial observations is a problem for
which efficient algorithms are generally not known. In this work we consider
the use of bounded-degree fragments of the "sum-of-squares" logic as a
probability logic. Prior work has shown that we can decide refutability for
such fragments in polynomial-time. We propose to use such fragments to answer
queries about whether a given probability distribution satisfies a given system
of constraints and bounds on expected values. We show that in answering such
queries, such constraints and bounds can be implicitly learned from partial
observations in polynomial-time as well. It is known that this logic is capable
of deriving many bounds that are useful in probabilistic analysis. We show here
that it furthermore captures useful polynomial-time fragments of resolution.
Thus, these fragments are also quite expressive.
|
Proxy Fairness
|
We consider the problem of improving fairness when one lacks access to a
dataset labeled with protected groups, making it difficult to take advantage of
strategies that can improve fairness but require protected group labels, either
at training or runtime. To address this, we investigate improving fairness
metrics for proxy groups, and test whether doing so results in improved
fairness for the true sensitive groups. Results on benchmark and real-world
datasets demonstrate that such a proxy fairness strategy can work well in
practice. However, we caution that the effectiveness likely depends on the
choice of fairness metric, as well as how aligned the proxy groups are with the
true protected groups in terms of the constrained model parameters.
|
Tight Prediction Intervals Using Expanded Interval Minimization
|
Prediction intervals are a valuable way of quantifying uncertainty in
regression problems. Good prediction intervals should be both correct,
containing the actual value between the lower and upper bound at least a target
percentage of the time; and tight, having a small mean width of the bounds.
Many prior techniques for generating prediction intervals make assumptions on
the distribution of error, which causes them to work poorly for problems with
asymmetric distributions.
This paper presents Expanded Interval Minimization (EIM), a novel loss
function for generating prediction intervals using neural networks. This loss
function uses minibatch statistics to estimate the coverage and optimize the
width of the prediction intervals. It does not make the same assumptions on the
distributions of data and error as prior work. We compare to three published
techniques and show EIM produces on average 1.37x tighter prediction intervals
and in the worst case 1.06x tighter intervals across two large real-world
datasets and varying coverage levels.
|
A Multimodal Recommender System for Large-scale Assortment Generation in
E-commerce
|
E-commerce platforms surface interesting products largely through product
recommendations that capture users' styles and aesthetic preferences. Curating
recommendations as a complete complementary set, or assortment, is critical for
a successful e-commerce experience, especially for product categories such as
furniture, where items are selected together with the overall theme, style or
ambiance of a space in mind. In this paper, we propose two visually-aware
recommender systems that can automatically curate an assortment of living room
furniture around a couple of pre-selected seed pieces for the room. The first
system aims to maximize the visual-based style compatibility of the entire
selection by making use of transfer learning and topic modeling. The second
system extends the first by incorporating text data and applying polylingual
topic modeling to infer style over both modalities. We review the production
pipeline for surfacing these visually-aware recommender systems and compare
them through offline validations and large-scale online A/B tests on Overstock.
Our experimental results show that complimentary style is best discovered over
product sets when both visual and textual data are incorporated.
|
One-Shot Learning of Multi-Step Tasks from Observation via Activity
Localization in Auxiliary Video
|
Due to burdensome data requirements, learning from demonstration often falls
short of its promise to allow users to quickly and naturally program robots.
Demonstrations are inherently ambiguous and incomplete, making correct
generalization to unseen situations difficult without a large number of
demonstrations in varying conditions. By contrast, humans are often able to
learn complex tasks from a single demonstration (typically observations without
action labels) by leveraging context learned over a lifetime. Inspired by this
capability, our goal is to enable robots to perform one-shot learning of
multi-step tasks from observation by leveraging auxiliary video data as
context. Our primary contribution is a novel system that achieves this goal by:
(1) using a single user-segmented demonstration to define the primitive actions
that comprise a task, (2) localizing additional examples of these actions in
unsegmented auxiliary videos via a metalearning-based approach, (3) using these
additional examples to learn a reward function for each action, and (4)
performing reinforcement learning on top of the inferred reward functions to
learn action policies that can be combined to accomplish the task. We
empirically demonstrate that a robot can learn multi-step tasks more
effectively when provided auxiliary video, and that performance greatly
improves when localizing individual actions, compared to learning from
unsegmented videos.
|
XGBoost: Scalable GPU Accelerated Learning
|
We describe the multi-GPU gradient boosting algorithm implemented in the
XGBoost library (https://github.com/dmlc/xgboost). Our algorithm allows fast,
scalable training on multi-GPU systems with all of the features of the XGBoost
library. We employ data compression techniques to minimise the usage of scarce
GPU memory while still allowing highly efficient implementation. Using our
algorithm we show that it is possible to process 115 million training instances
in under three minutes on a publicly available cloud computing instance. The
algorithm is implemented using end-to-end GPU parallelism, with prediction,
gradient calculation, feature quantisation, decision tree construction and
evaluation phases all computed on device.
|
Collective decision for open set recognition
|
In open set recognition (OSR), almost all existing methods are designed
specially for recognizing individual instances, even these instances are
collectively coming in batch. Recognizers in decision either reject or
categorize them to some known class using empirically-set threshold. Thus the
decision threshold plays a key role. However, the selection for it usually
depends on the knowledge of known classes, inevitably incurring risks due to
lacking available information from unknown classes. On the other hand, a more
realistic OSR system should NOT just rest on a reject decision but should go
further, especially for discovering the hidden unknown classes among the reject
instances, whereas existing OSR methods do not pay special attention. In this
paper, we introduce a novel collective/batch decision strategy with an aim to
extend existing OSR for new class discovery while considering correlations
among the testing instances. Specifically, a collective decision-based OSR
framework (CD-OSR) is proposed by slightly modifying the Hierarchical Dirichlet
process (HDP). Thanks to HDP, our CD-OSR does not need to define the decision
threshold and can implement the open set recognition and new class discovery
simultaneously. Finally, extensive experiments on benchmark datasets indicate
the validity of CD-OSR.
|
Generate the corresponding Image from Text Description using Modified
GAN-CLS Algorithm
|
Synthesizing images or texts automatically is a useful research area in the
artificial intelligence nowadays. Generative adversarial networks (GANs), which
are proposed by Goodfellow in 2014, make this task to be done more efficiently
by using deep neural networks. We consider generating corresponding images from
an input text description using a GAN. In this paper, we analyze the GAN-CLS
algorithm, which is a kind of advanced method of GAN proposed by Scott Reed in
2016. First, we find the problem with this algorithm through inference. Then we
correct the GAN-CLS algorithm according to the inference by modifying the
objective function of the model. Finally, we do the experiments on the
Oxford-102 dataset and the CUB dataset. As a result, our modified algorithm can
generate images which are more plausible than the GAN-CLS algorithm in some
cases. Also, some of the generated images match the input texts better.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.