title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
A Model for Evaluating Algorithmic Systems Accountability
|
Algorithmic systems make decisions that have a great impact in our lives. As
our dependency on them is growing so does the need for transparency and holding
them accountable. This paper presents a model for evaluating how transparent
these systems are by focusing on their algorithmic part as well as the maturity
of the organizations that utilize them. We applied this model on a
classification algorithm created and utilized by a large financial institution.
The results of our analysis indicated that the organization was only partially
in control of their algorithm and they lacked the necessary benchmark to
interpret the deducted results and assess the validity of its inferencing.
|
Prognostics Estimations with Dynamic States
|
The health state assessment and remaining useful life (RUL) estimation play
very important roles in prognostics and health management (PHM), owing to their
abilities to reduce the maintenance and improve the safety of machines or
equipment. However, they generally suffer from this problem of lacking prior
knowledge to pre-define the exact failure thresholds for a machinery operating
in a dynamic environment with a high level of uncertainty. In this case,
dynamic thresholds depicted by the discrete states is a very attractive way to
estimate the RUL of a dynamic machinery. Currently, there are only very few
works considering the dynamic thresholds, and these studies adopted different
algorithms to determine the discrete states and predict the continuous states
separately, which largely increases the complexity of the learning process. In
this paper, we propose a novel prognostics approach for RUL estimation of
aero-engines with self-joint prediction of continuous and discrete states,
wherein the prediction of continuous and discrete states are conducted
simultaneously and dynamically within one learning framework.
|
A PTAS for $\ell_p$-Low Rank Approximation
|
A number of recent works have studied algorithms for entrywise $\ell_p$-low
rank approximation, namely, algorithms which given an $n \times d$ matrix $A$
(with $n \geq d$), output a rank-$k$ matrix $B$ minimizing
$\|A-B\|_p^p=\sum_{i,j}|A_{i,j}-B_{i,j}|^p$ when $p > 0$; and
$\|A-B\|_0=\sum_{i,j}[A_{i,j}\neq B_{i,j}]$ for $p=0$.
On the algorithmic side, for $p \in (0,2)$, we give the first
$(1+\epsilon)$-approximation algorithm running in time
$n^{\text{poly}(k/\epsilon)}$. Further, for $p = 0$, we give the first
almost-linear time approximation scheme for what we call the Generalized Binary
$\ell_0$-Rank-$k$ problem. Our algorithm computes $(1+\epsilon)$-approximation
in time $(1/\epsilon)^{2^{O(k)}/\epsilon^{2}} \cdot nd^{1+o(1)}$.
On the hardness of approximation side, for $p \in (1,2)$, assuming the Small
Set Expansion Hypothesis and the Exponential Time Hypothesis (ETH), we show
that there exists $\delta := \delta(\alpha) > 0$ such that the entrywise
$\ell_p$-Rank-$k$ problem has no $\alpha$-approximation algorithm running in
time $2^{k^{\delta}}$.
|
Longitudinal detection of radiological abnormalities with time-modulated
LSTM
|
Convolutional neural networks (CNNs) have been successfully employed in
recent years for the detection of radiological abnormalities in medical images
such as plain x-rays. To date, most studies use CNNs on individual examinations
in isolation and discard previously available clinical information. In this
study we set out to explore whether Long-Short-Term-Memory networks (LSTMs) can
be used to improve classification performance when modelling the entire
sequence of radiographs that may be available for a given patient, including
their reports. A limitation of traditional LSTMs, though, is that they
implicitly assume equally-spaced observations, whereas the radiological exams
are event-based, and therefore irregularly sampled. Using both a simulated
dataset and a large-scale chest x-ray dataset, we demonstrate that a simple
modification of the LSTM architecture, which explicitly takes into account the
time lag between consecutive observations, can boost classification
performance. Our empirical results demonstrate improved detection of commonly
reported abnormalities on chest x-rays such as cardiomegaly, consolidation,
pleural effusion and hiatus hernia.
|
Probably approximately correct learning of Horn envelopes from queries
|
We propose an algorithm for learning the Horn envelope of an arbitrary domain
using an expert, or an oracle, capable of answering certain types of queries
about this domain. Attribute exploration from formal concept analysis is a
procedure that solves this problem, but the number of queries it may ask is
exponential in the size of the resulting Horn formula in the worst case. We
recall a well-known polynomial-time algorithm for learning Horn formulas with
membership and equivalence queries and modify it to obtain a polynomial-time
probably approximately correct algorithm for learning the Horn envelope of an
arbitrary domain.
|
Generative Adversarial Imitation from Observation
|
Imitation from observation (IfO) is the problem of learning directly from
state-only demonstrations without having access to the demonstrator's actions.
The lack of action information both distinguishes IfO from most of the
literature in imitation learning, and also sets it apart as a method that may
enable agents to learn from a large set of previously inapplicable resources
such as internet videos. In this paper, we propose both a general framework for
IfO approaches and also a new IfO approach based on generative adversarial
networks called generative adversarial imitation from observation (GAIfO). We
conduct experiments in two different settings: (1) when demonstrations consist
of low-dimensional, manually-defined state features, and (2) when
demonstrations consist of high-dimensional, raw visual data. We demonstrate
that our approach performs comparably to classical imitation learning
approaches (which have access to the demonstrator's actions) and significantly
outperforms existing imitation from observation methods in high-dimensional
simulation environments.
|
Layer-wise Relevance Propagation for Explainable Recommendations
|
In this paper, we tackle the problem of explanations in a deep-learning based
model for recommendations by leveraging the technique of layer-wise relevance
propagation. We use a Deep Convolutional Neural Network to extract relevant
features from the input images before identifying similarity between the images
in feature space. Relationships between the images are identified by the model
and layer-wise relevance propagation is used to infer pixel-level details of
the images that may have significantly informed the model's choice. We evaluate
our method on an Amazon products dataset and demonstrate the efficacy of our
approach.
|
Explanations for Temporal Recommendations
|
Recommendation systems are an integral part of Artificial Intelligence (AI)
and have become increasingly important in the growing age of commercialization
in AI. Deep learning (DL) techniques for recommendation systems (RS) provide
powerful latent-feature models for effective recommendation but suffer from the
major drawback of being non-interpretable. In this paper we describe a
framework for explainable temporal recommendations in a DL model. We consider
an LSTM based Recurrent Neural Network (RNN) architecture for recommendation
and a neighbourhood-based scheme for generating explanations in the model. We
demonstrate the effectiveness of our approach through experiments on the
Netflix dataset by jointly optimizing for both prediction accuracy and
explainability.
|
Anaconda: A Non-Adaptive Conditional Sampling Algorithm for Distribution
Testing
|
We investigate distribution testing with access to non-adaptive conditional
samples. In the conditional sampling model, the algorithm is given the
following access to a distribution: it submits a query set $S$ to an oracle,
which returns a sample from the distribution conditioned on being from $S$. In
the non-adaptive setting, all query sets must be specified in advance of
viewing the outcomes.
Our main result is the first polylogarithmic-query algorithm for equivalence
testing, deciding whether two unknown distributions are equal to or far from
each other. This is an exponential improvement over the previous best upper
bound, and demonstrates that the complexity of the problem in this model is
intermediate to the the complexity of the problem in the standard sampling
model and the adaptive conditional sampling model. We also significantly
improve the sample complexity for the easier problems of uniformity and
identity testing. For the former, our algorithm requires only $\tilde O(\log
n)$ queries, matching the information-theoretic lower bound up to a $O(\log
\log n)$-factor.
Our algorithm works by reducing the problem from $\ell_1$-testing to
$\ell_\infty$-testing, which enjoys a much cheaper sample complexity.
Necessitated by the limited power of the non-adaptive model, our algorithm is
very simple to state. However, there are significant challenges in the
analysis, due to the complex structure of how two arbitrary distributions may
differ.
|
Learning Convex Partitions and Computing Game-theoretic Equilibria from
Best Response Queries
|
Suppose that an $m$-simplex is partitioned into $n$ convex regions having
disjoint interiors and distinct labels, and we may learn the label of any point
by querying it. The learning objective is to know, for any point in the
simplex, a label that occurs within some distance $\epsilon$ from that point.
We present two algorithms for this task: Constant-Dimension Generalised Binary
Search (CD-GBS), which for constant $m$ uses $poly(n, \log \left(
\frac{1}{\epsilon} \right))$ queries, and Constant-Region Generalised Binary
Search (CR-GBS), which uses CD-GBS as a subroutine and for constant $n$ uses
$poly(m, \log \left( \frac{1}{\epsilon} \right))$ queries.
We show via Kakutani's fixed-point theorem that these algorithms provide
bounds on the best-response query complexity of computing approximate
well-supported equilibria of bimatrix games in which one of the players has a
constant number of pure strategies. We also partially extend our results to
games with multiple players, establishing further query complexity bounds for
computing approximate well-supported equilibria in this setting.
|
A Discriminative Approach to Bayesian Filtering with Applications to
Human Neural Decoding
|
Given a stationary state-space model that relates a sequence of hidden states
and corresponding measurements or observations, Bayesian filtering provides a
principled statistical framework for inferring the posterior distribution of
the current state given all measurements up to the present time. For example,
the Apollo lunar module implemented a Kalman filter to infer its location from
a sequence of earth-based radar measurements and land safely on the moon.
To perform Bayesian filtering, we require a measurement model that describes
the conditional distribution of each observation given state. The Kalman filter
takes this measurement model to be linear, Gaussian. Here we show how a
nonlinear, Gaussian approximation to the distribution of state given
observation can be used in conjunction with Bayes' rule to build a nonlinear,
non-Gaussian measurement model. The resulting approach, called the
Discriminative Kalman Filter (DKF), retains fast closed-form updates for the
posterior. We argue there are many cases where the distribution of state given
measurement is better-approximated as Gaussian, especially when the
dimensionality of measurements far exceeds that of states and the Bernstein-von
Mises theorem applies. Online neural decoding for brain-computer interfaces
provides a motivating example, where filtering incorporates increasingly
detailed measurements of neural activity to provide users control over external
devices. Within the BrainGate2 clinical trial, the DKF successfully enabled
three volunteers with quadriplegia to control an on-screen cursor in real-time
using mental imagery alone. Participant "T9" used the DKF to type out messages
on a tablet PC.
|
A Data-Driven Approach for Predicting Vegetation-Related Outages in
Power Distribution Systems
|
This paper presents a novel data-driven approach for predicting the number of
vegetation-related outages that occur in power distribution systems on a
monthly basis. In order to develop an approach that is able to successfully
fulfill this objective, there are two main challenges that ought to be
addressed. The first challenge is to define the extent of the target area. An
unsupervised machine learning approach is proposed to overcome this difficulty.
The second challenge is to correctly identify the main causes of
vegetation-related outages and to thoroughly investigate their nature. In this
paper, these outages are categorized into two main groups: growth-related and
weather-related outages, and two types of models, namely time series and
non-linear machine learning regression models are proposed to conduct the
prediction tasks, respectively. Moreover, various features that can explain the
variability in vegetation-related outages are engineered and employed. Actual
outage data, obtained from a major utility in the U.S., in addition to
different types of weather and geographical data are utilized to build the
proposed approach. Finally, by utilizing various time series models and machine
learning methods, a comprehensive case study is carried out to demonstrate how
the proposed approach can be used to successfully predict the number of
vegetation-related outages and to help decision-makers to detect vulnerable
zones in their systems.
|
Privacy-preserving classifiers recognize shared mobility behaviours from
WiFi network imperfect data
|
This paper proves the concept that it is feasible to accurately recognize
specific human mobility shared patterns, based solely on the connection logs
between portable devices and WiFi Access Points (APs), while preserving user's
privacy. We gathered data from the Eduroam WiFi network of Polytechnique
Montreal, making omission of device tracking or physical layer data. The
behaviors we chose to detect were the movements associated to the end of an
academic class, and the patterns related to the small break periods between
classes. Stringent conditions were self-imposed in our experiments. The data is
known to have errors noise, and be susceptible to information loss. No
countermeasures were adopted to mitigate any of these issues. Data
pre-processing consists of basic statistics that were used in aggregating the
data in time intervals. We obtained accuracy values of 93.7 % and 83.3 % (via
Bagged Trees) when recognizing behaviour patterns of breaks between classes and
end-of-classes, respectively.
|
Knockoffs for the mass: new feature importance statistics with false
discovery guarantees
|
An important problem in machine learning and statistics is to identify
features that causally affect the outcome. This is often impossible to do from
purely observational data, and a natural relaxation is to identify features
that are correlated with the outcome even conditioned on all other observed
features. For example, we want to identify that smoking really is correlated
with cancer conditioned on demographics. The knockoff procedure is a recent
breakthrough in statistics that, in theory, can identify truly correlated
features while guaranteeing that the false discovery is limited. The idea is to
create synthetic data -- knockoffs -- that captures correlations amongst the
features. However there are substantial computational and practical challenges
to generating and using knockoffs. This paper makes several key advances that
enable knockoff application to be more efficient and powerful. We develop an
efficient algorithm to generate valid knockoffs from Bayesian Networks. Then we
systematically evaluate knockoff test statistics and develop new statistics
with improved power. The paper combines new mathematical guarantees with
systematic experiments on real and synthetic data.
|
RuleMatrix: Visualizing and Understanding Classifiers with Rules
|
With the growing adoption of machine learning techniques, there is a surge of
research interest towards making machine learning systems more transparent and
interpretable. Various visualizations have been developed to help model
developers understand, diagnose, and refine machine learning models. However, a
large number of potential but neglected users are the domain experts with
little knowledge of machine learning but are expected to work with machine
learning systems. In this paper, we present an interactive visualization
technique to help users with little expertise in machine learning to
understand, explore and validate predictive models. By viewing the model as a
black box, we extract a standardized rule-based knowledge representation from
its input-output behavior. We design RuleMatrix, a matrix-based visualization
of rules to help users navigate and verify the rules and the black-box model.
We evaluate the effectiveness of RuleMatrix via two use cases and a usability
study.
|
Learning Neuron Non-Linearities with Kernel-Based Deep Neural Networks
|
The effectiveness of deep neural architectures has been widely supported in
terms of both experimental and foundational principles. There is also clear
evidence that the activation function (e.g. the rectifier and the LSTM units)
plays a crucial role in the complexity of learning. Based on this remark, this
paper discusses an optimal selection of the neuron non-linearity in a
functional framework that is inspired from classic regularization arguments. It
is shown that the best activation function is represented by a kernel expansion
in the training set, that can be effectively approximated over an opportune set
of points modeling 1-D clusters. The idea can be naturally extended to
recurrent networks, where the expressiveness of kernel-based activation
functions turns out to be a crucial ingredient to capture long-term
dependencies. We give experimental evidence of this property by a set of
challenging experiments, where we compare the results with neural architectures
based on state of the art LSTM cells.
|
Foundations for Restraining Bolts: Reinforcement Learning with LTLf/LDLf
restraining specifications
|
In this work we investigate on the concept of "restraining bolt", envisioned
in Science Fiction. Specifically we introduce a novel problem in AI. We have
two distinct sets of features extracted from the world, one by the agent and
one by the authority imposing restraining specifications (the "restraining
bolt"). The two sets are apparently unrelated since of interest to independent
parties, however they both account for (aspects of) the same world. We consider
the case in which the agent is a reinforcement learning agent on the first set
of features, while the restraining bolt is specified logically using linear
time logic on finite traces LTLf/LDLf over the second set of features. We show
formally, and illustrate with examples, that, under general circumstances, the
agent can learn while shaping its goals to suitably conform (as much as
possible) to the restraining bolt specifications.
|
Learning with SGD and Random Features
|
Sketching and stochastic gradient methods are arguably the most common
techniques to derive efficient large scale learning algorithms. In this paper,
we investigate their application in the context of nonparametric statistical
learning. More precisely, we study the estimator defined by stochastic gradient
with mini batches and random features. The latter can be seen as form of
nonlinear sketching and used to define approximate kernel methods. The
considered estimator is not explicitly penalized/constrained and regularization
is implicit. Indeed, our study highlights how different parameters, such as
number of features, iterations, step-size and mini-batch size control the
learning properties of the solutions. We do this by deriving optimal finite
sample bounds, under standard assumptions. The obtained results are
corroborated and illustrated by numerical experiments.
|
IntroVAE: Introspective Variational Autoencoders for Photographic Image
Synthesis
|
We present a novel introspective variational autoencoder (IntroVAE) model for
synthesizing high-resolution photographic images. IntroVAE is capable of
self-evaluating the quality of its generated samples and improving itself
accordingly. Its inference and generator models are jointly trained in an
introspective way. On one hand, the generator is required to reconstruct the
input images from the noisy outputs of the inference model as normal VAEs. On
the other hand, the inference model is encouraged to classify between the
generated and real samples while the generator tries to fool it as GANs. These
two famous generative frameworks are integrated in a simple yet efficient
single-stream architecture that can be trained in a single stage. IntroVAE
preserves the advantages of VAEs, such as stable training and nice latent
manifold. Unlike most other hybrid models of VAEs and GANs, IntroVAE requires
no extra discriminators, because the inference model itself serves as a
discriminator to distinguish between the generated and real samples.
Experiments demonstrate that our method produces high-resolution
photo-realistic images (e.g., CELEBA images at \(1024^{2}\)), which are
comparable to or better than the state-of-the-art GANs.
|
Confidence Intervals for Testing Disparate Impact in Fair Learning
|
We provide the asymptotic distribution of the major indexes used in the
statistical literature to quantify disparate treatment in machine learning. We
aim at promoting the use of confidence intervals when testing the so-called
group disparate impact. We illustrate on some examples the importance of using
confidence intervals and not a single value.
|
Learning to Listen, Read, and Follow: Score Following as a Reinforcement
Learning Game
|
Score following is the process of tracking a musical performance (audio) with
respect to a known symbolic representation (a score). We start this paper by
formulating score following as a multimodal Markov Decision Process, the
mathematical foundation for sequential decision making. Given this formal
definition, we address the score following task with state-of-the-art deep
reinforcement learning (RL) algorithms such as synchronous advantage actor
critic (A2C). In particular, we design multimodal RL agents that simultaneously
learn to listen to music, read the scores from images of sheet music, and
follow the audio along in the sheet, in an end-to-end fashion. All this
behavior is learned entirely from scratch, based on a weak and potentially
delayed reward signal that indicates to the agent how close it is to the
correct position in the score. Besides discussing the theoretical advantages of
this learning paradigm, we show in experiments that it is in fact superior
compared to previously proposed methods for score following in raw sheet music
images.
|
Are Efficient Deep Representations Learnable?
|
Many theories of deep learning have shown that a deep network can require
dramatically fewer resources to represent a given function compared to a
shallow network. But a question remains: can these efficient representations be
learned using current deep learning techniques? In this work, we test whether
standard deep learning methods can in fact find the efficient representations
posited by several theories of deep representation. Specifically, we train deep
neural networks to learn two simple functions with known efficient solutions:
the parity function and the fast Fourier transform. We find that using
gradient-based optimization, a deep network does not learn the parity function,
unless initialized very close to a hand-coded exact solution. We also find that
a deep linear neural network does not learn the fast Fourier transform, even in
the best-case scenario of infinite training data, unless the weights are
initialized very close to the exact hand-coded solution. Our results suggest
that not every element of the class of compositional functions can be learned
efficiently by a deep network, and further restrictions are necessary to
understand what functions are both efficiently representable and learnable.
|
Combining a Context Aware Neural Network with a Denoising Autoencoder
for Measuring String Similarities
|
Measuring similarities between strings is central for many established and
fast growing research areas including information retrieval, biology, and
natural language processing. The traditional approach for string similarity
measurements is to define a metric over a word space that quantifies and sums
up the differences between characters in two strings. The state-of-the-art in
the area has, surprisingly, not evolved much during the last few decades. The
majority of the metrics are based on a simple comparison between character and
character distributions without consideration for the context of the words.
This paper proposes a string metric that encompasses similarities between
strings based on (1) the character similarities between the words including.
Non-Standard and standard spellings of the same words, and (2) the context of
the words. Our proposal is a neural network composed of a denoising autoencoder
and what we call a context encoder specifically designed to find similarities
between the words based on their context. The experimental results show that
the resulting metrics succeeds in 85.4\% of the cases in finding the correct
version of a non-standard spelling among the closest words, compared to 63.2\%
with the established Normalised-Levenshtein distance. Besides, we show that
words used in similar context are with our approach calculated to be similar
than words with different contexts, which is a desirable property missing in
established string metrics.
|
Bridging the Gap Between Layout Pattern Sampling and Hotspot Detection
via Batch Active Learning
|
Layout hotpot detection is one of the main steps in modern VLSI design. A
typical hotspot detection flow is extremely time consuming due to the
computationally expensive mask optimization and lithographic simulation. Recent
researches try to facilitate the procedure with a reduced flow including
feature extraction, training set generation and hotspot detection, where
feature extraction methods and hotspot detection engines are deeply studied.
However, the performance of hotspot detectors relies highly on the quality of
reference layout libraries which are costly to obtain and usually predetermined
or randomly sampled in previous works. In this paper, we propose an active
learning-based layout pattern sampling and hotspot detection flow, which
simultaneously optimizes the machine learning model and the training set that
aims to achieve similar or better hotspot detection performance with much
smaller number of training instances. Experimental results show that our
proposed method can significantly reduce lithography simulation overhead while
attaining satisfactory detection accuracy on designs under both DUV and EUV
lithography technologies.
|
Contextual Memory Trees
|
We design and study a Contextual Memory Tree (CMT), a learning memory
controller that inserts new memories into an experience store of unbounded
size. It is designed to efficiently query for memories from that store,
supporting logarithmic time insertion and retrieval operations. Hence CMT can
be integrated into existing statistical learning algorithms as an augmented
memory unit without substantially increasing training and inference
computation. Furthermore CMT operates as a reduction to classification,
allowing it to benefit from advances in representation or architecture. We
demonstrate the efficacy of CMT by augmenting existing multi-class and
multi-label classification algorithms with CMT and observe statistical
improvement. We also test CMT learning on several image-captioning tasks to
demonstrate that it performs computationally better than a simple nearest
neighbors memory system while benefitting from reward learning.
|
Dynamic Sampling from Graphical Models
|
In this paper, we study the problem of sampling from a graphical model when
the model itself is changing dynamically with time. This problem derives its
interest from a variety of inference, learning, and sampling settings in
machine learning, computer vision, statistical physics, and theoretical
computer science. While the problem of sampling from a static graphical model
has received considerable attention, theoretical works for its dynamic variants
have been largely lacking. The main contribution of this paper is an algorithm
that can sample dynamically from a broad class of graphical models over
discrete random variables. Our algorithm is parallel and Las Vegas: it knows
when to stop and it outputs samples from the exact distribution. We also
provide sufficient conditions under which this algorithm runs in time
proportional to the size of the update, on general graphical models as well as
well-studied specific spin systems. In particular we obtain, for the Ising
model (ferromagnetic or anti-ferromagnetic) and for the hardcore model the
first dynamic sampling algorithms that can handle both edge and vertex updates
(addition, deletion, change of functions), both efficient within regimes that
are close to the respective uniqueness regimes, beyond which, even for the
static and approximate sampling, no local algorithms were known or the problem
itself is intractable. Our dynamic sampling algorithm relies on a local
resampling algorithm and a new "equilibrium" property that is shown to be
satisfied by our algorithm at each step, and enables us to prove its
correctness. This equilibrium property is robust enough to guarantee the
correctness of our algorithm, helps us improve bounds on fast convergence on
specific models, and should be of independent interest.
|
Automated Treatment Planning in Radiation Therapy using Generative
Adversarial Networks
|
Knowledge-based planning (KBP) is an automated approach to radiation therapy
treatment planning that involves predicting desirable treatment plans before
they are then corrected to deliverable ones. We propose a generative
adversarial network (GAN) approach for predicting desirable 3D dose
distributions that eschews the previous paradigms of site-specific feature
engineering and predicting low-dimensional representations of the plan.
Experiments on a dataset of oropharyngeal cancer patients show that our
approach significantly outperforms previous methods on several clinical
satisfaction criteria and similarity metrics.
|
Continuous Assortment Optimization with Logit Choice Probabilities under
Incomplete Information
|
We consider assortment optimization over a continuous spectrum of products
represented by the unit interval, where the seller's problem consists of
determining the optimal subset of products to offer to potential customers. To
describe the relation between assortment and customer choice, we propose a
probabilistic choice model that forms the continuous counterpart of the widely
studied discrete multinomial logit model. We consider the seller's problem
under incomplete information, propose a stochastic-approximation type of
policy, and show that its regret -- its performance loss compared to the
optimal policy -- is only logarithmic in the time horizon. We complement this
result by showing a matching lower bound on the regret of any policy, implying
that our policy is asymptotically optimal. We then show that adding a capacity
constraint significantly changes the structure of the problem: we construct a
policy and show that its regret after $T$ time periods is bounded above by a
constant times $T^{2/3}$ (up to a logarithmic term); in addition, we show that
the regret of any policy is bounded from below by a positive constant times
$T^{2/3}$, so that also in the capacitated case we obtain asymptotic
optimality. Numerical illustrations show that our policies outperform or are on
par with alternatives.
|
An Acceleration Scheme for Memory Limited, Streaming PCA
|
In this paper, we propose an acceleration scheme for online memory-limited
PCA methods. Our scheme converges to the first $k>1$ eigenvectors in a single
data pass. We provide empirical convergence results of our scheme based on the
spiked covariance model. Our scheme does not require any predefined parameters
such as the eigengap and hence is well facilitated for streaming data
scenarios. Furthermore, we apply our scheme to challenging time-varying systems
where online PCA methods fail to converge. Specifically, we discuss a family of
time-varying systems that are based on Molecular Dynamics simulations where
batch PCA converges to the actual analytic solution of such systems.
|
Cavity Filling: Pseudo-Feature Generation for Multi-Class Imbalanced
Data Problems in Deep Learning
|
Herein, we generate pseudo-features based on the multivariate probability
distributions obtained from the feature maps in layers of trained deep neural
networks. Further, we augment the minor-class data based on these generated
pseudo-features to overcome the imbalanced data problems. The proposed method,
i.e., cavity filling, improves the deep learning capabilities in several
problems because all the real-world data are observed to be imbalanced.
|
Icing on the Cake: An Easy and Quick Post-Learnig Method You Can Try
After Deep Learning
|
We found an easy and quick post-learning method named "Icing on the Cake" to
enhance a classification performance in deep learning. The method is that we
train only the final classifier again after an ordinary training is done.
|
Training Recurrent Neural Networks against Noisy Computations during
Inference
|
We explore the robustness of recurrent neural networks when the computations
within the network are noisy. One of the motivations for looking into this
problem is to reduce the high power cost of conventional computing of neural
network operations through the use of analog neuromorphic circuits. Traditional
GPU/CPU-centered deep learning architectures exhibit bottlenecks in
power-restricted applications, such as speech recognition in embedded systems.
The use of specialized neuromorphic circuits, where analog signals passed
through memory-cell arrays are sensed to accomplish matrix-vector
multiplications, promises large power savings and speed gains but brings with
it the problems of limited precision of computations and unavoidable analog
noise.
In this paper we propose a method, called {\em Deep Noise Injection
training}, to train RNNs to obtain a set of weights/biases that is much more
robust against noisy computation during inference. We explore several RNN
architectures, such as vanilla RNN and long-short-term memories (LSTM), and
show that after convergence of Deep Noise Injection training the set of trained
weights/biases has more consistent performance over a wide range of noise
powers entering the network during inference. Surprisingly, we find that Deep
Noise Injection training improves overall performance of some networks even for
numerically accurate inference.
|
Using link and content over time for embedding generation in Dynamic
Attributed Networks
|
In this work, we consider the problem of combining link, content and temporal
analysis for community detection and prediction in evolving networks. Such
temporal and content-rich networks occur in many real-life settings, such as
bibliographic networks and question answering forums. Most of the work in the
literature (that uses both content and structure) deals with static snapshots
of networks, and they do not reflect the dynamic changes occurring over
multiple snapshots. Incorporating dynamic changes in the communities into the
analysis can also provide useful insights about the changes in the network such
as the migration of authors across communities. In this work, we propose
Chimera, a shared factorization model that can simultaneously account for graph
links, content, and temporal analysis. This approach works by extracting the
latent semantic structure of the network in multidimensional form, but in a way
that takes into account the temporal continuity of these embeddings. Such an
approach simplifies temporal analysis of the underlying network by using the
embedding as a surrogate. A consequence of this simplification is that it is
also possible to use this temporal sequence of embeddings to predict future
communities. We present experimental results illustrating the effectiveness of
the approach.
|
Explicating feature contribution using Random Forest proximity distances
|
In Random Forests, proximity distances are a metric representation of data
into decision space. By observing how changes in input map to the movement of
instances in this space we are able to determine the independent contribution
of each feature to the decision-making process. For binary feature vectors,
this process is fully specified. As these changes in input move particular
instances nearer to the in-group or out-group, the independent contribution of
each feature can be uncovered. Using this technique, we are able to calculate
the contribution of each feature in determining how black-box decisions were
made. This allows explication of the decision-making process, audit of the
classifier, and post-hoc analysis of errors in classification.
|
Jensen: An Easily-Extensible C++ Toolkit for Production-Level Machine
Learning and Convex Optimization
|
This paper introduces Jensen, an easily extensible and scalable toolkit for
production-level machine learning and convex optimization. Jensen implements a
framework of convex (or loss) functions, convex optimization algorithms
(including Gradient Descent, L-BFGS, Stochastic Gradient Descent, Conjugate
Gradient, etc.), and a family of machine learning classifiers and regressors
(Logistic Regression, SVMs, Least Square Regression, etc.). This framework
makes it possible to deploy and train models with a few lines of code, and also
extend and build upon this by integrating new loss functions and optimization
algorithms.
|
Comparison of RNN Encoder-Decoder Models for Anomaly Detection
|
In this paper, we compare different types of Recurrent Neural Network (RNN)
Encoder-Decoders in anomaly detection viewpoint. We focused on finding the
model that can learn the same data more effectively. We compared multiple
models under the same conditions, such as the number of parameters, optimizer,
and learning rate. However, the difference is whether to predict the future
sequence or restore the current sequence. We constructed the dataset with
simple vectors and used them for the experiment. Finally, we experimentally
confirmed that the model performs better when the model restores the current
sequence, rather than predict the future sequence.
|
Learning Noise-Invariant Representations for Robust Speech Recognition
|
Despite rapid advances in speech recognition, current models remain brittle
to superficial perturbations to their inputs. Small amounts of noise can
destroy the performance of an otherwise state-of-the-art model. To harden
models against background noise, practitioners often perform data augmentation,
adding artificially-noised examples to the training set, carrying over the
original label. In this paper, we hypothesize that a clean example and its
superficially perturbed counterparts shouldn't merely map to the same class ---
they should map to the same representation. We propose
invariant-representation-learning (IRL): At each training iteration, for each
training example,we sample a noisy counterpart. We then apply a penalty term to
coerce matched representations at each layer (above some chosen layer). Our key
results, demonstrated on the Librispeech dataset are the following: (i) IRL
significantly reduces character error rates (CER) on both 'clean' (3.3% vs
6.5%) and 'other' (11.0% vs 18.1%) test sets; (ii) on several out-of-domain
noise settings (different from those seen during training), IRL's benefits are
even more pronounced. Careful ablations confirm that our results are not simply
due to shrinking activations at the chosen layers.
|
Deep Reinforcement Learning for Swarm Systems
|
Recently, deep reinforcement learning (RL) methods have been applied
successfully to multi-agent scenarios. Typically, these methods rely on a
concatenation of agent states to represent the information content required for
decentralized decision making. However, concatenation scales poorly to swarm
systems with a large number of homogeneous agents as it does not exploit the
fundamental properties inherent to these systems: (i) the agents in the swarm
are interchangeable and (ii) the exact number of agents in the swarm is
irrelevant. Therefore, we propose a new state representation for deep
multi-agent RL based on mean embeddings of distributions. We treat the agents
as samples of a distribution and use the empirical mean embedding as input for
a decentralized policy. We define different feature spaces of the mean
embedding using histograms, radial basis functions and a neural network learned
end-to-end. We evaluate the representation on two well known problems from the
swarm literature (rendezvous and pursuit evasion), in a globally and locally
observable setup. For the local setup we furthermore introduce simple
communication protocols. Of all approaches, the mean embedding representation
using neural network features enables the richest information exchange between
neighboring agents facilitating the development of more complex collective
strategies.
|
Parallel Restarted SGD with Faster Convergence and Less Communication:
Demystifying Why Model Averaging Works for Deep Learning
|
In distributed training of deep neural networks, parallel mini-batch SGD is
widely used to speed up the training process by using multiple workers. It uses
multiple workers to sample local stochastic gradient in parallel, aggregates
all gradients in a single server to obtain the average, and update each
worker's local model using a SGD update with the averaged gradient. Ideally,
parallel mini-batch SGD can achieve a linear speed-up of the training time
(with respect to the number of workers) compared with SGD over a single worker.
However, such linear scalability in practice is significantly limited by the
growing demand for gradient communication as more workers are involved. Model
averaging, which periodically averages individual models trained over parallel
workers, is another common practice used for distributed training of deep
neural networks since (Zinkevich et al. 2010) (McDonald, Hall, and Mann 2010).
Compared with parallel mini-batch SGD, the communication overhead of model
averaging is significantly reduced. Impressively, tremendous experimental works
have verified that model averaging can still achieve a good speed-up of the
training time as long as the averaging interval is carefully controlled.
However, it remains a mystery in theory why such a simple heuristic works so
well. This paper provides a thorough and rigorous theoretical study on why
model averaging can work as well as parallel mini-batch SGD with significantly
less communication overhead.
|
Expressive power of outer product manifolds on feed-forward neural
networks
|
Hierarchical neural networks are exponentially more efficient than their
corresponding "shallow" counterpart with the same expressive power, but involve
huge number of parameters and require tedious amounts of training. Our main
idea is to mathematically understand and describe the hierarchical structure of
feedforward neural networks by reparametrization invariant Riemannian metrics.
By computing or approximating the tangent subspace, we better utilize the
original network via sparse representations that enables switching to shallow
networks after a very early training stage. Our experiments show that the
proposed approximation of the metric improves and sometimes even surpasses the
achievable performance of the original network significantly even after a few
epochs of training the original feedforward network.
|
Generative adversarial interpolative autoencoding: adversarial training
on latent space interpolations encourage convex latent distributions
|
We present a neural network architecture based upon the Autoencoder (AE) and
Generative Adversarial Network (GAN) that promotes a convex latent distribution
by training adversarially on latent space interpolations. By using an AE as
both the generator and discriminator of a GAN, we pass a pixel-wise error
function across the discriminator, yielding an AE which produces non-blurry
samples that match both high- and low-level features of the original images.
Interpolations between images in this space remain within the latent-space
distribution of real images as trained by the discriminator, and therfore
preserve realistic resemblances to the network inputs. Code available at
https://github.com/timsainb/GAIA
|
Item Recommendation with Variational Autoencoders and Heterogenous
Priors
|
In recent years, Variational Autoencoders (VAEs) have been shown to be highly
effective in both standard collaborative filtering applications and extensions
such as incorporation of implicit feedback. We extend VAEs to collaborative
filtering with side information, for instance when ratings are combined with
explicit text feedback from the user. Instead of using a user-agnostic standard
Gaussian prior, we incorporate user-dependent priors in the latent VAE space to
encode users' preferences as functions of the review text. Taking into account
both the rating and the text information to represent users in this multimodal
latent space is promising to improve recommendation quality. Our proposed model
is shown to outperform the existing VAE models for collaborative filtering (up
to 29.41% relative improvement in ranking metric) along with other baselines
that incorporate both user ratings and text for item recommendation.
|
Invariant Information Clustering for Unsupervised Image Classification
and Segmentation
|
We present a novel clustering objective that learns a neural network
classifier from scratch, given only unlabelled data samples. The model
discovers clusters that accurately match semantic classes, achieving
state-of-the-art results in eight unsupervised clustering benchmarks spanning
image classification and segmentation. These include STL10, an unsupervised
variant of ImageNet, and CIFAR10, where we significantly beat the accuracy of
our closest competitors by 6.6 and 9.5 absolute percentage points respectively.
The method is not specialised to computer vision and operates on any paired
dataset samples; in our experiments we use random transforms to obtain a pair
from each image. The trained network directly outputs semantic labels, rather
than high dimensional representations that need external processing to be
usable for semantic clustering. The objective is simply to maximise mutual
information between the class assignments of each pair. It is easy to implement
and rigorously grounded in information theory, meaning we effortlessly avoid
degenerate solutions that other clustering methods are susceptible to. In
addition to the fully unsupervised mode, we also test two semi-supervised
settings. The first achieves 88.8% accuracy on STL10 classification, setting a
new global state-of-the-art over all existing methods (whether supervised,
semi-supervised or unsupervised). The second shows robustness to 90% reductions
in label coverage, of relevance to applications that wish to make use of small
amounts of labels. github.com/xu-ji/IIC
|
Mixed-Stationary Gaussian Process for Flexible Non-Stationary Modeling
of Spatial Outcomes
|
Gaussian processes (GPs) are commonplace in spatial statistics. Although many
non-stationary models have been developed, there is arguably a lack of
flexibility compared to equipping each location with its own parameters.
However, the latter suffers from intractable computation and can lead to
overfitting. Taking the instantaneous stationarity idea, we construct a
non-stationary GP with the stationarity parameter individually set at each
location. Then we utilize the non-parametric mixture model to reduce the
effective number of unique parameters. Different from a simple mixture of
independent GPs, the mixture in stationarity allows the components to be
spatial correlated, leading to improved prediction efficiency. Theoretical
properties are examined and a linearly scalable algorithm is provided. The
application is shown through several simulated scenarios as well as the massive
spatiotemporally correlated temperature data.
|
Airline Passenger Name Record Generation using Generative Adversarial
Networks
|
Passenger Name Records (PNRs) are at the heart of the travel industry.
Created when an itinerary is booked, they contain travel and passenger
information. It is usual for airlines and other actors in the industry to
inter-exchange and access each other's PNR, creating the challenge of using
them without infringing data ownership laws. To address this difficulty, we
propose a method to generate realistic synthetic PNRs using Generative
Adversarial Networks (GANs). Unlike other GAN applications, PNRs consist of
categorical and numerical features with missing/NaN values, which makes the use
of GANs challenging. We propose a solution based on Cram\'{e}r GANs,
categorical feature embedding and a Cross-Net architecture. The method was
tested on a real PNR dataset, and evaluated in terms of distribution matching,
memorization, and performance of predictive models for two real business
problems: client segmentation and passenger nationality prediction. Results
show that the generated data matches well with the real PNRs without memorizing
them, and that it can be used to train models for real business applications.
|
Accel: A Corrective Fusion Network for Efficient Semantic Segmentation
on Video
|
We present Accel, a novel semantic video segmentation system that achieves
high accuracy at low inference cost by combining the predictions of two network
branches: (1) a reference branch that extracts high-detail features on a
reference keyframe, and warps these features forward using frame-to-frame
optical flow estimates, and (2) an update branch that computes features of
adjustable quality on the current frame, performing a temporal update at each
video frame. The modularity of the update branch, where feature subnetworks of
varying layer depth can be inserted (e.g. ResNet-18 to ResNet-101), enables
operation over a new, state-of-the-art accuracy-throughput trade-off spectrum.
Over this curve, Accel models achieve both higher accuracy and faster inference
times than the closest comparable single-frame segmentation networks. In
general, Accel significantly outperforms previous work on efficient semantic
video segmentation, correcting warping-related error that compounds on datasets
with complex dynamics. Accel is end-to-end trainable and highly modular: the
reference network, the optical flow network, and the update network can each be
selected independently, depending on application requirements, and then jointly
fine-tuned. The result is a robust, general system for fast, high-accuracy
semantic segmentation on video.
|
Efficient Deep Learning on Multi-Source Private Data
|
Machine learning models benefit from large and diverse datasets. Using such
datasets, however, often requires trusting a centralized data aggregator. For
sensitive applications like healthcare and finance this is undesirable as it
could compromise patient privacy or divulge trade secrets. Recent advances in
secure and privacy-preserving computation, including trusted hardware enclaves
and differential privacy, offer a way for mutually distrusting parties to
efficiently train a machine learning model without revealing the training data.
In this work, we introduce Myelin, a deep learning framework which combines
these privacy-preservation primitives, and use it to establish a baseline level
of performance for fully private machine learning.
|
Integrating Algorithmic Planning and Deep Learning for Partially
Observable Navigation
|
We propose to take a novel approach to robot system design where each
building block of a larger system is represented as a differentiable program,
i.e. a deep neural network. This representation allows for integrating
algorithmic planning and deep learning in a principled manner, and thus combine
the benefits of model-free and model-based methods. We apply the proposed
approach to a challenging partially observable robot navigation task. The robot
must navigate to a goal in a previously unseen 3-D environment without knowing
its initial location, and instead relying on a 2-D floor map and visual
observations from an onboard camera. We introduce the Navigation Networks
(NavNets) that encode state estimation, planning and acting in a single,
end-to-end trainable recurrent neural network. In preliminary simulation
experiments we successfully trained navigation networks to solve the
challenging partially observable navigation task.
|
Adaptive Neural Trees
|
Deep neural networks and decision trees operate on largely separate
paradigms; typically, the former performs representation learning with
pre-specified architectures, while the latter is characterised by learning
hierarchies over pre-specified features with data-driven architectures. We
unite the two via adaptive neural trees (ANTs) that incorporates representation
learning into edges, routing functions and leaf nodes of a decision tree, along
with a backpropagation-based training algorithm that adaptively grows the
architecture from primitive modules (e.g., convolutional layers). We
demonstrate that, whilst achieving competitive performance on classification
and regression datasets, ANTs benefit from (i) lightweight inference via
conditional computation, (ii) hierarchical separation of features useful to the
task e.g. learning meaningful class associations, such as separating natural
vs. man-made objects, and (iii) a mechanism to adapt the architecture to the
size and complexity of the training dataset.
|
Receiver Operating Characteristic Curves and Confidence Bands for
Support Vector Machines
|
Many problems that appear in biomedical decision making, such as diagnosing
disease and predicting response to treatment, can be expressed as binary
classification problems. The costs of false positives and false negatives vary
across application domains and receiver operating characteristic (ROC) curves
provide a visual representation of this trade-off. Nonparametric estimators for
the ROC curve, such as a weighted support vector machine (SVM), are desirable
because they are robust to model misspecification. While weighted SVMs have
great potential for estimating ROC curves, their theoretical properties were
heretofore underdeveloped. We propose a method for constructing confidence
bands for the SVM ROC curve and provide the theoretical justification for the
SVM ROC curve by showing that the risk function of the estimated decision rule
is uniformly consistent across the weight parameter. We demonstrate the
proposed confidence band method and the superior sensitivity and specificity of
the weighted SVM compared to commonly used methods in diagnostic medicine using
simulation studies. We present two illustrative examples: diagnosis of
hepatitis C and a predictive model for treatment response in breast cancer.
|
Evaluating Gaussian Process Metamodels and Sequential Designs for Noisy
Level Set Estimation
|
We consider the problem of learning the level set for which a noisy black-box
function exceeds a given threshold. To efficiently reconstruct the level set,
we investigate Gaussian process (GP) metamodels. Our focus is on strongly
stochastic samplers, in particular with heavy-tailed simulation noise and low
signal-to-noise ratio. To guard against noise misspecification, we assess the
performance of three variants: (i) GPs with Student-$t$ observations; (ii)
Student-$t$ processes (TPs); and (iii) classification GPs modeling the sign of
the response. In conjunction with these metamodels, we analyze several
acquisition functions for guiding the sequential experimental designs,
extending existing stepwise uncertainty reduction criteria to the stochastic
contour-finding context. This also motivates our development of (approximate)
updating formulas to efficiently compute such acquisition functions. Our
schemes are benchmarked by using a variety of synthetic experiments in 1--6
dimensions. We also consider an application of level set estimation for
determining the optimal exercise policy of Bermudan options in finance.
|
On the Interaction Effects Between Prediction and Clustering
|
Machine learning systems increasingly depend on pipelines of multiple
algorithms to provide high quality and well structured predictions. This paper
argues interaction effects between clustering and prediction (e.g.
classification, regression) algorithms can cause subtle adverse behaviors
during cross-validation that may not be initially apparent. In particular, we
focus on the problem of estimating the out-of-cluster (OOC) prediction loss
given an approximate clustering with probabilistic error rate $p_0$.
Traditional cross-validation techniques exhibit significant empirical bias in
this setting, and the few attempts to estimate and correct for these effects
are intractable on larger datasets. Further, no previous work has been able to
characterize the conditions under which these empirical effects occur, and if
they do, what properties they have. We precisely answer these questions by
providing theoretical properties which hold in various settings, and prove that
expected out-of-cluster loss behavior rapidly decays with even minor clustering
errors. Fortunately, we are able to leverage these same properties to construct
hypothesis tests and scalable estimators necessary for correcting the problem.
Empirical results on benchmark datasets validate our theoretical results and
demonstrate how scaling techniques provide solutions to new classes of
problems.
|
Defend Deep Neural Networks Against Adversarial Examples via Fixed and
Dynamic Quantized Activation Functions
|
Recent studies have shown that deep neural networks (DNNs) are vulnerable to
adversarial attacks. To this end, many defense approaches that attempt to
improve the robustness of DNNs have been proposed. In a separate and yet
related area, recent works have explored to quantize neural network weights and
activation functions into low bit-width to compress model size and reduce
computational complexity. In this work, we find that these two different
tracks, namely the pursuit of network compactness and robustness, can be merged
into one and give rise to networks of both advantages. To the best of our
knowledge, this is the first work that uses quantization of activation
functions to defend against adversarial examples. We also propose to train
robust neural networks by using adaptive quantization techniques for the
activation functions. Our proposed Dynamic Quantized Activation (DQA) is
verified through a wide range of experiments with the MNIST and CIFAR-10
datasets under different white-box attack methods, including FGSM, PGD, and C &
W attacks. Furthermore, Zeroth Order Optimization and substitute model-based
black-box attacks are also considered in this work. The experimental results
clearly show that the robustness of DNNs could be greatly improved using the
proposed DQA.
|
Machine Learning Interpretability: A Science rather than a tool
|
The term "interpretability" is oftenly used by machine learning researchers
each with their own intuitive understanding of it. There is no universal well
agreed upon definition of interpretability in machine learning. As any type of
science discipline is mainly driven by the set of formulated questions rather
than by different tools in that discipline, e.g. astrophysics is the discipline
that learns the composition of stars, not as the discipline that use the
spectroscopes. Similarly, we propose that machine learning interpretability
should be a discipline that answers specific questions related to
interpretability. These questions can be of statistical, causal and
counterfactual nature. Therefore, there is a need to look into the
interpretability problem of machine learning in the context of questions that
need to be addressed rather than different tools. We discuss about a
hypothetical interpretability framework driven by a question based scientific
approach rather than some specific machine learning model. Using a question
based notion of interpretability, we can step towards understanding the science
of machine learning rather than its engineering. This notion will also help us
understanding any specific problem more in depth rather than relying solely on
machine learning methods.
|
Motivating the Rules of the Game for Adversarial Example Research
|
Advances in machine learning have led to broad deployment of systems with
impressive performance on important problems. Nonetheless, these systems can be
induced to make errors on data that are surprisingly similar to examples the
learned system handles correctly. The existence of these errors raises a
variety of questions about out-of-sample generalization and whether bad actors
might use such examples to abuse deployed systems. As a result of these
security concerns, there has been a flurry of recent papers proposing
algorithms to defend against such malicious perturbations of correctly handled
examples. It is unclear how such misclassifications represent a different kind
of security problem than other errors, or even other attacker-produced examples
that have no specific relationship to an uncorrupted input. In this paper, we
argue that adversarial example defense papers have, to date, mostly considered
abstract, toy games that do not relate to any specific security concern.
Furthermore, defense papers have not yet precisely described all the abilities
and limitations of attackers that would be relevant in practical security.
Towards this end, we establish a taxonomy of motivations, constraints, and
abilities for more plausible adversaries. Finally, we provide a series of
recommendations outlining a path forward for future work to more clearly
articulate the threat model and perform more meaningful evaluation.
|
Forward Attention in Sequence-to-sequence Acoustic Modelling for Speech
Synthesis
|
This paper proposes a forward attention method for the sequenceto- sequence
acoustic modeling of speech synthesis. This method is motivated by the nature
of the monotonic alignment from phone sequences to acoustic sequences. Only the
alignment paths that satisfy the monotonic condition are taken into
consideration at each decoder timestep. The modified attention probabilities at
each timestep are computed recursively using a forward algorithm. A transition
agent for forward attention is further proposed, which helps the attention
mechanism to make decisions whether to move forward or stay at each decoder
timestep. Experimental results show that the proposed forward attention method
achieves faster convergence speed and higher stability than the baseline
attention method. Besides, the method of forward attention with transition
agent can also help improve the naturalness of synthetic speech and control the
speed of synthetic speech effectively.
|
Gradient Band-based Adversarial Training for Generalized Attack Immunity
of A3C Path Finding
|
As adversarial attacks pose a serious threat to the security of AI system in
practice, such attacks have been extensively studied in the context of computer
vision applications. However, few attentions have been paid to the adversarial
research on automatic path finding. In this paper, we show dominant adversarial
examples are effective when targeting A3C path finding, and design a Common
Dominant Adversarial Examples Generation Method (CDG) to generate dominant
adversarial examples against any given map. In addition, we propose Gradient
Band-based Adversarial Training, which trained with a single randomly choose
dominant adversarial example without taking any modification, to realize the
"1:N" attack immunity for generalized dominant adversarial examples. Extensive
experimental results show that, the lowest generation precision for CDG
algorithm is 91.91%, and the lowest immune precision for Gradient Band-based
Adversarial Training is 93.89%, which can prove that our method can realize the
generalized attack immunity of A3C path finding with a high confidence.
|
SySeVR: A Framework for Using Deep Learning to Detect Software
Vulnerabilities
|
The detection of software vulnerabilities (or vulnerabilities for short) is
an important problem that has yet to be tackled, as manifested by the many
vulnerabilities reported on a daily basis. This calls for machine learning
methods for vulnerability detection. Deep learning is attractive for this
purpose because it alleviates the requirement to manually define features.
Despite the tremendous success of deep learning in other application domains,
its applicability to vulnerability detection is not systematically understood.
In order to fill this void, we propose the first systematic framework for using
deep learning to detect vulnerabilities in C/C++ programs with source code. The
framework, dubbed Syntax-based, Semantics-based, and Vector Representations
(SySeVR), focuses on obtaining program representations that can accommodate
syntax and semantic information pertinent to vulnerabilities. Our experiments
with 4 software products demonstrate the usefulness of the framework: we detect
15 vulnerabilities that are not reported in the National Vulnerability
Database. Among these 15 vulnerabilities, 7 are unknown and have been reported
to the vendors, and the other 8 have been "silently" patched by the vendors
when releasing newer versions of the pertinent software products.
|
On Evaluation of Embodied Navigation Agents
|
Skillful mobile operation in three-dimensional environments is a primary
topic of study in Artificial Intelligence. The past two years have seen a surge
of creative work on navigation. This creative output has produced a plethora of
sometimes incompatible task definitions and evaluation protocols. To coordinate
ongoing and future research in this area, we have convened a working group to
study empirical methodology in navigation research. The present document
summarizes the consensus recommendations of this working group. We discuss
different problem statements and the role of generalization, present evaluation
measures, and provide standard scenarios that can be used for benchmarking.
|
General Value Function Networks
|
State construction is important for learning in partially observable
environments. A general purpose strategy for state construction is to learn the
state update using a Recurrent Neural Network (RNN), which updates the internal
state using the current internal state and the most recent observation. This
internal state provides a summary of the observed sequence, to facilitate
accurate predictions and decision-making. At the same time, specifying and
training RNNs is notoriously tricky, particularly as the common strategy to
approximate gradients back in time, called truncated Back-prop Through Time
(BPTT), can be sensitive to the truncation window. Further,
domain-expertise--which can usually help constrain the function class and so
improve trainability--can be difficult to incorporate into complex recurrent
units used within RNNs. In this work, we explore how to use multi-step
predictions to constrain the RNN and incorporate prior knowledge. In
particular, we revisit the idea of using predictions to construct state and
ask: does constraining (parts of) the state to consist of predictions about the
future improve RNN trainability? We formulate a novel RNN architecture, called
a General Value Function Network (GVFN), where each internal state component
corresponds to a prediction about the future represented as a value function.
We first provide an objective for optimizing GVFNs, and derive several
algorithms to optimize this objective. We then show that GVFNs are more robust
to the truncation level, in many cases only requiring one-step gradient
updates.
|
Convergence guarantees for RMSProp and ADAM in non-convex optimization
and an empirical comparison to Nesterov acceleration
|
RMSProp and ADAM continue to be extremely popular algorithms for training
neural nets but their theoretical convergence properties have remained unclear.
Further, recent work has seemed to suggest that these algorithms have worse
generalization properties when compared to carefully tuned stochastic gradient
descent or its momentum variants. In this work, we make progress towards a
deeper understanding of ADAM and RMSProp in two ways. First, we provide proofs
that these adaptive gradient algorithms are guaranteed to reach criticality for
smooth non-convex objectives, and we give bounds on the running time.
Next we design experiments to empirically study the convergence and
generalization properties of RMSProp and ADAM against Nesterov's Accelerated
Gradient method on a variety of common autoencoder setups and on VGG-9 with
CIFAR-10. Through these experiments we demonstrate the interesting sensitivity
that ADAM has to its momentum parameter $\beta_1$. We show that at very high
values of the momentum parameter ($\beta_1 = 0.99$) ADAM outperforms a
carefully tuned NAG on most of our experiments, in terms of getting lower
training and test losses. On the other hand, NAG can sometimes do better when
ADAM's $\beta_1$ is set to the most commonly used value: $\beta_1 = 0.9$,
indicating the importance of tuning the hyperparameters of ADAM to get better
generalization performance.
We also report experiments on different autoencoders to demonstrate that NAG
has better abilities in terms of reducing the gradient norms, and it also
produces iterates which exhibit an increasing trend for the minimum eigenvalue
of the Hessian of the loss function at the iterates.
|
Deep Content-User Embedding Model for Music Recommendation
|
Recently deep learning based recommendation systems have been actively
explored to solve the cold-start problem using a hybrid approach. However, the
majority of previous studies proposed a hybrid model where collaborative
filtering and content-based filtering modules are independently trained. The
end-to-end approach that takes different modality data as input and jointly
trains the model can provide better optimization but it has not been fully
explored yet. In this work, we propose deep content-user embedding model, a
simple and intuitive architecture that combines the user-item interaction and
music audio content. We evaluate the model on music recommendation and music
auto-tagging tasks. The results show that the proposed model significantly
outperforms the previous work. We also discuss various directions to improve
the proposed model further.
|
Self-supervised Knowledge Distillation Using Singular Value
Decomposition
|
To solve deep neural network (DNN)'s huge training dataset and its high
computation issue, so-called teacher-student (T-S) DNN which transfers the
knowledge of T-DNN to S-DNN has been proposed. However, the existing T-S-DNN
has limited range of use, and the knowledge of T-DNN is insufficiently
transferred to S-DNN. To improve the quality of the transferred knowledge from
T-DNN, we propose a new knowledge distillation using singular value
decomposition (SVD). In addition, we define a knowledge transfer as a
self-supervised task and suggest a way to continuously receive information from
T-DNN. Simulation results show that a S-DNN with a computational cost of 1/5 of
the T-DNN can be up to 1.1\% better than the T-DNN in terms of classification
accuracy. Also assuming the same computational cost, our S-DNN outperforms the
S-DNN driven by the state-of-the-art distillation with a performance advantage
of 1.79\%. code is available on https://github.com/sseung0703/SSKD\_SVD.
|
News-based trading strategies
|
The marvel of markets lies in the fact that dispersed information is
instantaneously processed and used to adjust the price of goods, services and
assets. Financial markets are particularly efficient when it comes to
processing information; such information is typically embedded in textual news
that is then interpreted by investors. Quite recently, researchers have started
to automatically determine news sentiment in order to explain stock price
movements. Interestingly, this so-called news sentiment works fairly well in
explaining stock returns. In this paper, we design trading strategies that
utilize textual news in order to obtain profits on the basis of novel
information entering the market. We thus propose approaches for automated
decision-making based on supervised and reinforcement learning. Altogether, we
demonstrate how news-based data can be incorporated into an investment system.
|
Towards Automated Deep Learning: Efficient Joint Neural Architecture and
Hyperparameter Search
|
While existing work on neural architecture search (NAS) tunes hyperparameters
in a separate post-processing step, we demonstrate that architectural choices
and other hyperparameter settings interact in a way that can render this
separation suboptimal. Likewise, we demonstrate that the common practice of
using very few epochs during the main NAS and much larger numbers of epochs
during a post-processing step is inefficient due to little correlation in the
relative rankings for these two training regimes. To combat both of these
problems, we propose to use a recent combination of Bayesian optimization and
Hyperband for efficient joint neural architecture and hyperparameter search.
|
RARD II: The 94 Million Related-Article Recommendation Dataset
|
The main contribution of this paper is to introduce and describe a new
recommender-systems dataset (RARD II). It is based on data from Mr. DLib, a
recommender-system as-a-service in the digital library and
reference-management-software domain. As such, RARD II complements datasets
from other domains such as books, movies, and music. The dataset encompasses
94m recommendations, delivered in the two years from September 2016 to
September 2018. The dataset covers an item-space of 24m unique items. RARD II
provides a range of rich recommendation data, beyond conventional ratings. For
example, in addition to the usual (implicit) ratings matrices, RARD II includes
the original recommendation logs, which provide a unique insight into many
aspects of the algorithms that generated the recommendations. The logs enable
researchers to conduct various analyses about a real-world recommender system.
This includes the evaluation of meta-learning approaches for predicting
algorithm performance. In this paper, we summarise the key features of this
dataset release, describe how it was generated and discuss some of its unique
features. Compared to its predecessor RARD, RARD II contains 64% more
recommendations, 187% more features (algorithms, parameters, and statistics),
50% more clicks, 140% more documents, and one additional service partner
(JabRef).
|
Backplay: "Man muss immer umkehren"
|
Model-free reinforcement learning (RL) requires a large number of trials to
learn a good policy, especially in environments with sparse rewards. We explore
a method to improve the sample efficiency when we have access to
demonstrations. Our approach, Backplay, uses a single demonstration to
construct a curriculum for a given task. Rather than starting each training
episode in the environment's fixed initial state, we start the agent near the
end of the demonstration and move the starting point backwards during the
course of training until we reach the initial state. Our contributions are that
we analytically characterize the types of environments where Backplay can
improve training speed, demonstrate the effectiveness of Backplay both in large
grid worlds and a complex four player zero-sum game (Pommerman), and show that
Backplay compares favorably to other competitive methods known to improve
sample efficiency. This includes reward shaping, behavioral cloning, and
reverse curriculum generation.
|
Cyclostationary Statistical Models and Algorithms for Anomaly Detection
Using Multi-Modal Data
|
A framework is proposed to detect anomalies in multi-modal data. A deep
neural network-based object detector is employed to extract counts of objects
and sub-events from the data. A cyclostationary model is proposed to model
regular patterns of behavior in the count sequences. The anomaly detection
problem is formulated as a problem of detecting deviations from learned
cyclostationary behavior. Sequential algorithms are proposed to detect
anomalies using the proposed model. The proposed algorithms are shown to be
asymptotically efficient in a well-defined sense. The developed algorithms are
applied to a multi-modal data consisting of CCTV imagery and social media posts
to detect a 5K run in New York City.
|
Method for motion artifact reduction using a convolutional neural
network for dynamic contrast enhanced MRI of the liver
|
Purpose: To improve the quality of images obtained via dynamic
contrast-enhanced MRI (DCE-MRI) that include motion artifacts and blurring
using a deep learning approach. Methods: A multi-channel convolutional neural
network (MARC) based method is proposed for reducing the motion artifacts and
blurring caused by respiratory motion in images obtained via DCE-MRI of the
liver. The training datasets for the neural network included images with and
without respiration-induced motion artifacts or blurring, and the distortions
were generated by simulating the phase error in k-space. Patient studies were
conducted using a multi-phase T1-weighted spoiled gradient echo sequence for
the liver containing breath-hold failures during data acquisition. The trained
network was applied to the acquired images to analyze the filtering
performance, and the intensities and contrast ratios before and after denoising
were compared via Bland-Altman plots. Results: The proposed network was found
to significantly reduce the magnitude of the artifacts and blurring induced by
respiratory motion, and the contrast ratios of the images after processing via
the network were consistent with those of the unprocessed images. Conclusion: A
deep learning based method for removing motion artifacts in images obtained via
DCE-MRI in the liver was demonstrated and validated.
|
Discrete linear-complexity reinforcement learning in continuous action
spaces for Q-learning algorithms
|
In this article, we sketch an algorithm that extends the Q-learning
algorithms to the continuous action space domain. Our method is based on the
discretization of the action space. Despite the commonly used discretization
methods, our method does not increase the discretized problem dimensionality
exponentially. We will show that our proposed method is linear in complexity
when the discretization is employed. The variant of the Q-learning algorithm
presented in this work, labeled as Finite Step Q-Learning (FSQ), can be
deployed to both shallow and deep neural network architectures.
|
Data-Efficient Weakly Supervised Learning for Low-Resource Audio Event
Detection Using Deep Learning
|
We propose a method to perform audio event detection under the common
constraint that only limited training data are available. In training a deep
learning system to perform audio event detection, two practical problems arise.
Firstly, most datasets are "weakly labelled" having only a list of events
present in each recording without any temporal information for training.
Secondly, deep neural networks need a very large amount of labelled training
data to achieve good quality performance, yet in practice it is difficult to
collect enough samples for most classes of interest. In this paper, we propose
a data-efficient training of a stacked convolutional and recurrent neural
network. This neural network is trained in a multi instance learning setting
for which we introduce a new loss function that leads to improved training
compared to the usual approaches for weakly supervised learning. We
successfully test our approach on two low-resource datasets that lack temporal
labels.
|
A Probabilistic Theory of Supervised Similarity Learning for Pointwise
ROC Curve Optimization
|
The performance of many machine learning techniques depends on the choice of
an appropriate similarity or distance measure on the input space. Similarity
learning (or metric learning) aims at building such a measure from training
data so that observations with the same (resp. different) label are as close
(resp. far) as possible. In this paper, similarity learning is investigated
from the perspective of pairwise bipartite ranking, where the goal is to rank
the elements of a database by decreasing order of the probability that they
share the same label with some query data point, based on the similarity
scores. A natural performance criterion in this setting is pointwise ROC
optimization: maximize the true positive rate under a fixed false positive
rate. We study this novel perspective on similarity learning through a rigorous
probabilistic framework. The empirical version of the problem gives rise to a
constrained optimization formulation involving U-statistics, for which we
derive universal learning rates as well as faster rates under a noise
assumption on the data distribution. We also address the large-scale setting by
analyzing the effect of sampling-based approximations. Our theoretical results
are supported by illustrative numerical experiments.
|
Learning Sums of Independent Random Variables with Sparse Collective
Support
|
We study the learnability of sums of independent integer random variables
given a bound on the size of the union of their supports. For $\mathcal{A}
\subset \mathbf{Z}_{+}$, a sum of independent random variables with collective
support $\mathcal{A}$} (called an $\mathcal{A}$-sum in this paper) is a
distribution $\mathbf{S} = \mathbf{X}_1 + \cdots + \mathbf{X}_N$ where the
$\mathbf{X}_i$'s are mutually independent (but not necessarily identically
distributed) integer random variables with $\cup_i \mathsf{supp}(\mathbf{X}_i)
\subseteq \mathcal{A}.$ We give two main algorithmic results for learning such
distributions:
1. For the case $| \mathcal{A} | = 3$, we give an algorithm for learning
$\mathcal{A}$-sums to accuracy $\epsilon$ that uses $\mathsf{poly}(1/\epsilon)$
samples and runs in time $\mathsf{poly}(1/\epsilon)$, independent of $N$ and of
the elements of $\mathcal{A}$.
2. For an arbitrary constant $k \geq 4$, if $\mathcal{A} = \{ a_1,...,a_k\}$
with $0 \leq a_1 < ... < a_k$, we give an algorithm that uses
$\mathsf{poly}(1/\epsilon) \cdot \log \log a_k$ samples (independent of $N$)
and runs in time $\mathsf{poly}(1/\epsilon, \log a_k).$
We prove an essentially matching lower bound: if $|\mathcal{A}| = 4$, then
any algorithm must use $\Omega(\log \log a_4) $ samples even for learning to
constant accuracy. We also give similar-in-spirit (but quantitatively very
different) algorithmic results, and essentially matching lower bounds, for the
case in which $\mathcal{A}$ is not known to the learner.
|
Cross-layer Optimization for High Speed Adders: A Pareto Driven Machine
Learning Approach
|
In spite of maturity to the modern electronic design automation (EDA) tools,
optimized designs at architectural stage may become sub-optimal after going
through physical design flow. Adder design has been such a long studied
fundamental problem in VLSI industry yet designers cannot achieve optimal
solutions by running EDA tools on the set of available prefix adder
architectures. In this paper, we enhance a state-of-the-art prefix adder
synthesis algorithm to obtain a much wider solution space in architectural
domain. On top of that, a machine learning-based design space exploration
methodology is applied to predict the Pareto frontier of the adders in physical
domain, which is infeasible by exhaustively running EDA tools for innumerable
architectural solutions. Considering the high cost of obtaining the true values
for learning, an active learning algorithm is utilized to select the
representative data during learning process, which uses less labeled data while
achieving better quality of Pareto frontier. Experimental results demonstrate
that our framework can achieve Pareto frontier of high quality over a wide
design space, bridging the gap between architectural and physical designs.
|
Robot Learning in Homes: Improving Generalization and Reducing Dataset
Bias
|
Data-driven approaches to solving robotic tasks have gained a lot of traction
in recent years. However, most existing policies are trained on large-scale
datasets collected in curated lab settings. If we aim to deploy these models in
unstructured visual environments like people's homes, they will be unable to
cope with the mismatch in data distribution. In such light, we present the
first systematic effort in collecting a large dataset for robotic grasping in
homes. First, to scale and parallelize data collection, we built a low cost
mobile manipulator assembled for under 3K USD. Second, data collected using low
cost robots suffer from noisy labels due to imperfect execution and calibration
errors. To handle this, we develop a framework which factors out the noise as a
latent variable. Our model is trained on 28K grasps collected in several houses
under an array of different environmental conditions. We evaluate our models by
physically executing grasps on a collection of novel objects in multiple unseen
homes. The models trained with our home dataset showed a marked improvement of
43.7% over a baseline model trained with data collected in lab. Our
architecture which explicitly models the latent noise in the dataset also
performed 10% better than one that did not factor out the noise. We hope this
effort inspires the robotics community to look outside the lab and embrace
learning based approaches to handle inaccurate cheap robots.
|
Comparative study of Discrete Wavelet Transforms and Wavelet Tensor
Train decomposition to feature extraction of FTIR data of medicinal plants
|
Fourier-transform infra-red (FTIR) spectra of samples from 7 plant species
were used to explore the influence of preprocessing and feature extraction on
efficiency of machine learning algorithms. Wavelet Tensor Train (WTT) and
Discrete Wavelet Transforms (DWT) were compared as feature extraction
techniques for FTIR data of medicinal plants. Various combinations of signal
processing steps showed different behavior when applied to classification and
clustering tasks. Best results for WTT and DWT found through grid search were
similar, significantly improving quality of clustering as well as
classification accuracy for tuned logistic regression in comparison to original
spectra. Unlike DWT, WTT has only one parameter to be tuned (rank), making it a
more versatile and easier to use as a data processing tool in various signal
processing applications.
|
Newton-ADMM: A Distributed GPU-Accelerated Optimizer for Multiclass
Classification Problems
|
First-order optimization methods, such as stochastic gradient descent (SGD)
and its variants, are widely used in machine learning applications due to their
simplicity and low per-iteration costs. However, they often require larger
numbers of iterations, with associated communication costs in distributed
environments. In contrast, Newton-type methods, while having higher
per-iteration costs, typically require a significantly smaller number of
iterations, which directly translates to reduced communication costs. In this
paper, we present a novel distributed optimizer for classification problems,
which integrates a GPU-accelerated Newton-type solver with the global consensus
formulation of Alternating Direction of Method Multipliers (ADMM). By
leveraging the communication efficiency of ADMM, GPU-accelerated inexact-Newton
solver, and an effective spectral penalty parameter selection strategy, we show
that our proposed method (i) yields better generalization performance on
several classification problems; (ii) significantly outperforms
state-of-the-art methods in distributed time to solution; and (iii) offers
better scaling on large distributed platforms.
|
Guess who? Multilingual approach for the automated generation of
author-stylized poetry
|
This paper addresses the problem of stylized text generation in a
multilingual setup. A version of a language model based on a long short-term
memory (LSTM) artificial neural network with extended phonetic and semantic
embeddings is used for stylized poetry generation. The quality of the resulting
poems generated by the network is estimated through bilingual evaluation
understudy (BLEU), a survey and a new cross-entropy based metric that is
suggested for the problems of such type. The experiments show that the proposed
model consistently outperforms random sample and vanilla-LSTM baselines, humans
also tend to associate machine generated texts with the target author.
|
Approximation Schemes for Low-Rank Binary Matrix Approximation Problems
|
We provide a randomized linear time approximation scheme for a generic
problem about clustering of binary vectors subject to additional constrains.
The new constrained clustering problem encompasses a number of problems and by
solving it, we obtain the first linear time-approximation schemes for a number
of well-studied fundamental problems concerning clustering of binary vectors
and low-rank approximation of binary matrices. Among the problems solvable by
our approach are \textsc{Low GF(2)-Rank Approximation}, \textsc{Low
Boolean-Rank Approximation}, and various versions of \textsc{Binary
Clustering}. For example, for \textsc{Low GF(2)-Rank Approximation} problem,
where for an $m\times n$ binary matrix $A$ and integer $r>0$, we seek for a
binary matrix $B$ of $GF_2$ rank at most $r$ such that $\ell_0$ norm of matrix
$A-B$ is minimum, our algorithm, for any $\epsilon>0$ in time $
f(r,\epsilon)\cdot n\cdot m$, where $f$ is some computable function, outputs a
$(1+\epsilon)$-approximate solution with probability at least
$(1-\frac{1}{e})$. Our approximation algorithms substantially improve the
running times and approximation factors of previous works. We also give
(deterministic) PTASes for these problems running in time
$n^{f(r)\frac{1}{\epsilon^2}\log \frac{1}{\epsilon}}$, where $f$ is some
function depending on the problem. Our algorithm for the constrained clustering
problem is based on a novel sampling lemma, which is interesting in its own.
|
Automatic Identification of Ineffective Online Student Questions in
Computing Education
|
This Research Full Paper explores automatic identification of ineffective
learning questions in the context of large-scale computer science classes. The
immediate and accurate identification of ineffective learning questions opens
the door to possible automated facilitation on a large scale, such as alerting
learners to revise questions and providing adaptive question revision
suggestions. To achieve this, 983 questions were collected from a question &
answer platform implemented by an introductory programming course over three
semesters in a large research university in the Southeastern United States.
Questions were firstly manually classified into three hierarchical categories:
1) learning-irrelevant questions, 2) effective learning-relevant questions, 3)
ineffective learningrelevant questions. The inter-rater reliability of the
manual classification (Cohen's Kappa) was .88. Four different machine learning
algorithms were then used to automatically classify the questions, including
Naive Bayes Multinomial, Logistic Regression, Support Vector Machines, and
Boosted Decision Tree. Both flat and single path strategies were explored, and
the most effective algorithms under both strategies were identified and
discussed. This study contributes to the automatic determination of learning
question quality in computer science, and provides evidence for the feasibility
of automated facilitation of online question & answer in large scale computer
science classes.
|
Efficient Training on Very Large Corpora via Gramian Estimation
|
We study the problem of learning similarity functions over very large corpora
using neural network embedding models. These models are typically trained using
SGD with sampling of random observed and unobserved pairs, with a number of
samples that grows quadratically with the corpus size, making it expensive to
scale to very large corpora. We propose new efficient methods to train these
models without having to sample unobserved pairs. Inspired by matrix
factorization, our approach relies on adding a global quadratic penalty to all
pairs of examples and expressing this term as the matrix-inner-product of two
generalized Gramians. We show that the gradient of this term can be efficiently
computed by maintaining estimates of the Gramians, and develop variance
reduction schemes to improve the quality of the estimates. We conduct
large-scale experiments that show a significant improvement in training time
and generalization quality compared to traditional sampling methods.
|
A Projection Pursuit Forest Algorithm for Supervised Classification
|
This paper presents a new ensemble learning method for classification
problems called projection pursuit random forest (PPF). PPF uses the PPtree
algorithm introduced in Lee et al. (2013). In PPF, trees are constructed by
splitting on linear combinations of randomly chosen variables. Projection
pursuit is used to choose a projection of the variables that best separates the
classes. Utilizing linear combinations of variables to separate classes takes
the correlation between variables into account which allows PPF to outperform a
traditional random forest when separations between groups occurs in
combinations of variables.
The method presented here can be used in multi-class problems and is
implemented into an R (R Core Team, 2018) package, PPforest, which is available
on CRAN, with development versions at https://github.com/natydasilva/PPforest.
|
Machine Learning Classifiers Do Not Improve the Prediction of Academic
Risk: Evidence from Australia
|
Machine learning methods tend to outperform traditional statistical models at
prediction. In the prediction of academic achievement, ML models have not shown
substantial improvement over logistic regression. So far, these results have
almost entirely focused on college achievement, due to the availability of
administrative datasets, and have contained relatively small sample sizes by ML
standards. In this article we apply popular machine learning models to a large
dataset ($n=1.2$ million) containing primary and middle school performance on a
standardized test given annually to Australian students. We show that machine
learning models do not outperform logistic regression for detecting students
who will perform in the `below standard' band of achievement upon sitting their
next test, even in a large-$n$ setting.
|
Deconfounding age effects with fair representation learning when
assessing dementia
|
One of the most prevalent symptoms among the elderly population, dementia,
can be detected by classifiers trained on linguistic features extracted from
narrative transcripts. However, these linguistic features are impacted in a
similar but different fashion by the normal aging process. Aging is therefore a
confounding factor, whose effects have been hard for machine learning
classifiers (especially deep neural network based models) to ignore. We show
DNN models are capable of estimating ages based on linguistic features.
Predicting dementia based on this aging bias could lead to potentially
non-generalizable accuracies on clinical datasets, if not properly
deconfounded.
In this paper, we propose to address this deconfounding problem with fair
representation learning. We build neural network classifiers that learn
low-dimensional representations reflecting the impacts of dementia yet
discarding the effects of age. To evaluate these classifiers, we specify a
model-agnostic score $\Delta_{eo}^{(N)}$ measuring how classifier results are
deconfounded from age. Our best models compromise accuracy by only 2.56\% and
1.54\% on two clinical datasets compared to DNNs, and their $\Delta_{eo}^{(2)}$
scores are better than statistical (residulization and inverse probability
weight) adjustments.
|
Visual Domain Adaptation with Manifold Embedded Distribution Alignment
|
Visual domain adaptation aims to learn robust classifiers for the target
domain by leveraging knowledge from a source domain. Existing methods either
attempt to align the cross-domain distributions, or perform manifold subspace
learning. However, there are two significant challenges: (1) degenerated
feature transformation, which means that distribution alignment is often
performed in the original feature space, where feature distortions are hard to
overcome. On the other hand, subspace learning is not sufficient to reduce the
distribution divergence. (2) unevaluated distribution alignment, which means
that existing distribution alignment methods only align the marginal and
conditional distributions with equal importance, while they fail to evaluate
the different importance of these two distributions in real applications. In
this paper, we propose a Manifold Embedded Distribution Alignment (MEDA)
approach to address these challenges. MEDA learns a domain-invariant classifier
in Grassmann manifold with structural risk minimization, while performing
dynamic distribution alignment to quantitatively account for the relative
importance of marginal and conditional distributions. To the best of our
knowledge, MEDA is the first attempt to perform dynamic distribution alignment
for manifold domain adaptation. Extensive experiments demonstrate that MEDA
shows significant improvements in classification accuracy compared to
state-of-the-art traditional and deep methods.
|
ClariNet: Parallel Wave Generation in End-to-End Text-to-Speech
|
In this work, we propose a new solution for parallel wave generation by
WaveNet. In contrast to parallel WaveNet (van den Oord et al., 2018), we
distill a Gaussian inverse autoregressive flow from the autoregressive WaveNet
by minimizing a regularized KL divergence between their highly-peaked output
distributions. Our method computes the KL divergence in closed-form, which
simplifies the training algorithm and provides very efficient distillation. In
addition, we introduce the first text-to-wave neural architecture for speech
synthesis, which is fully convolutional and enables fast end-to-end training
from scratch. It significantly outperforms the previous pipeline that connects
a text-to-spectrogram model to a separately trained WaveNet (Ping et al.,
2018). We also successfully distill a parallel waveform synthesizer conditioned
on the hidden representation in this end-to-end model.
|
Anomaly Detection for Water Treatment System based on Neural Network
with Automatic Architecture Optimization
|
We continue to develop our neural network (NN) based forecasting approach to
anomaly detection (AD) using the Secure Water Treatment (SWaT) industrial
control system (ICS) testbed dataset. We propose genetic algorithms (GA) to
find the best NN architecture for a given dataset, using the NAB metric to
assess the quality of different architectures. The drawbacks of the F1-metric
are analyzed. Several techniques are proposed to improve the quality of AD:
exponentially weighted smoothing, mean p-powered error measure, individual
error weight for each variable, disjoint prediction windows. Based on the
techniques used, an approach to anomaly interpretation is introduced.
|
Online Label Aggregation: A Variational Bayesian Approach
|
Noisy labeled data is more a norm than a rarity for crowd sourced contents.
It is effective to distill noise and infer correct labels through aggregation
results from crowd workers. To ensure the time relevance and overcome slow
responses of workers, online label aggregation is increasingly requested,
calling for solutions that can incrementally infer true label distribution via
subsets of data items. In this paper, we propose a novel online label
aggregation framework, BiLA, which employs variational Bayesian inference
method and designs a novel stochastic optimization scheme for incremental
training. BiLA is flexible to accommodate any generating distribution of labels
by the exact computation of its posterior distribution. We also derive the
convergence bound of the proposed optimizer. We compare BiLA with the state of
the art based on minimax entropy, neural networks and expectation maximization
algorithms, on synthetic and real-world data sets. Our evaluation results on
various online scenarios show that BiLA can effectively infer the true labels,
with an error rate reduction of at least 10 to 1.5 percent points for synthetic
and real-world datasets, respectively.
|
Online Evaluations for Everyone: Mr. DLib's Living Lab for Scholarly
Recommendations
|
We introduce the first 'living lab' for scholarly recommender systems. This
lab allows recommender-system researchers to conduct online evaluations of
their novel algorithms for scholarly recommendations, i.e., recommendations for
research papers, citations, conferences, research grants, etc. Recommendations
are delivered through the living lab's API to platforms such as reference
management software and digital libraries. The living lab is built on top of
the recommender-system as-a-service Mr. DLib. Current partners are the
reference management software JabRef and the CORE research team. We present the
architecture of Mr. DLib's living lab as well as usage statistics on the first
sixteen months of operating it. During this time, 1,826,643 recommendations
were delivered with an average click-through rate of 0.21%.
|
Bounded Information Rate Variational Autoencoders
|
This paper introduces a new member of the family of Variational Autoencoders
(VAE) that constrains the rate of information transferred by the latent layer.
The latent layer is interpreted as a communication channel, the information
rate of which is bound by imposing a pre-set signal-to-noise ratio. The new
constraint subsumes the mutual information between the input and latent
variables, combining naturally with the likelihood objective of the observed
data as used in a conventional VAE. The resulting Bounded-Information-Rate
Variational Autoencoder (BIR-VAE) provides a meaningful latent representation
with an information resolution that can be specified directly in bits by the
system designer. The rate constraint can be used to prevent overtraining, and
the method naturally facilitates quantisation of the latent variables at the
set rate. Our experiments confirm that the BIR-VAE has a meaningful latent
representation and that its performance is at least as good as state-of-the-art
competing algorithms, but with lower computational complexity.
|
Sequence to Logic with Copy and Cache
|
Generating logical form equivalents of human language is a fresh way to
employ neural architectures where long short-term memory effectively captures
dependencies in both encoder and decoder units.
The logical form of the sequence usually preserves information from the
natural language side in the form of similar tokens, and recently a copying
mechanism has been proposed which increases the probability of outputting
tokens from the source input through decoding.
In this paper we propose a caching mechanism as a more general form of the
copying mechanism which also weighs all the words from the source vocabulary
according to their relation to the current decoding context.
Our results confirm that the proposed method achieves improvements in
sequence/token-level accuracy on sequence to logical form tasks. Further
experiments on cross-domain adversarial attacks show substantial improvements
when using the most influential examples of other domains for training.
|
Indexing Execution Patterns in Workflow Provenance Graphs through
Generalized Trie Structures
|
Over the last years, scientific workflows have become mature enough to be
used in a production style. However, despite the increasing maturity, there is
still a shortage of tools for searching, adapting, and reusing workflows that
hinders a more generalized adoption by the scientific communities. Indeed, due
to the limited availability of machine-readable scientific metadata and the
heterogeneity of workflow specification formats and representations, new ways
to leverage alternative sources of information that complement existing
approaches are needed. In this paper we address such limitations by applying
statistically enriched generalized trie structures to exploit workflow
execution provenance information in order to assist the analysis, indexing and
search of scientific workflows. Our method bridges the gap between the
description of what a workflow is supposed to do according to its specification
and related metadata and what it actually does as recorded in its provenance
execution trace. In doing so, we also prove that the proposed method
outperforms SPARQL 1.1 Property Paths for querying provenance graphs.
|
Speeding up the Hyperparameter Optimization of Deep Convolutional Neural
Networks
|
Most learning algorithms require the practitioner to manually set the values
of many hyperparameters before the learning process can begin. However, with
modern algorithms, the evaluation of a given hyperparameter setting can take a
considerable amount of time and the search space is often very
high-dimensional. We suggest using a lower-dimensional representation of the
original data to quickly identify promising areas in the hyperparameter space.
This information can then be used to initialize the optimization algorithm for
the original, higher-dimensional data. We compare this approach with the
standard procedure of optimizing the hyperparameters only on the original
input.
We perform experiments with various state-of-the-art hyperparameter
optimization algorithms such as random search, the tree of parzen estimators
(TPEs), sequential model-based algorithm configuration (SMAC), and a genetic
algorithm (GA). Our experiments indicate that it is possible to speed up the
optimization process by using lower-dimensional data representations at the
beginning, while increasing the dimensionality of the input later in the
optimization process. This is independent of the underlying optimization
procedure, making the approach promising for many existing hyperparameter
optimization algorithms.
|
Analyzing Hypersensitive AI: Instability in Corporate-Scale Machine
Learning
|
Predictive geometric models deliver excellent results for many Machine
Learning use cases. Despite their undoubted performance, neural predictive
algorithms can show unexpected degrees of instability and variance,
particularly when applied to large datasets. We present an approach to measure
changes in geometric models with respect to both output consistency and
topological stability. Considering the example of a recommender system using
word2vec, we analyze the influence of single data points, approximation methods
and parameter settings. Our findings can help to stabilize models where needed
and to detect differences in informational value of data points on a large
scale.
|
Preventing Poisoning Attacks on AI based Threat Intelligence Systems
|
As AI systems become more ubiquitous, securing them becomes an emerging
challenge. Over the years, with the surge in online social media use and the
data available for analysis, AI systems have been built to extract, represent
and use this information. The credibility of this information extracted from
open sources, however, can often be questionable. Malicious or incorrect
information can cause a loss of money, reputation, and resources; and in
certain situations, pose a threat to human life. In this paper, we use an
ensembled semi-supervised approach to determine the credibility of Reddit posts
by estimating their reputation score to ensure the validity of information
ingested by AI systems. We demonstrate our approach in the cybersecurity
domain, where security analysts utilize these systems to determine possible
threats by analyzing the data scattered on social media websites, forums,
blogs, etc.
|
Latent Dirichlet Allocation (LDA) for Topic Modeling of the CFPB
Consumer Complaints
|
A text mining approach is proposed based on latent Dirichlet allocation (LDA)
to analyze the Consumer Financial Protection Bureau (CFPB) consumer complaints.
The proposed approach aims to extract latent topics in the CFPB complaint
narratives, and explores their associated trends over time. The time trends
will then be used to evaluate the effectiveness of the CFPB regulations and
expectations on financial institutions in creating a consumer oriented culture
that treats consumers fairly and prioritizes consumer protection in their
decision making processes. The proposed approach can be easily operationalized
as a decision support system to automate detection of emerging topics in
consumer complaints. Hence, the technology-human partnership between the
proposed approach and the CFPB team could certainly improve consumer
protections from unfair, deceptive or abusive practices in the financial
markets by providing more efficient and effective investigations of consumer
complaint narratives.
|
FuzzerGym: A Competitive Framework for Fuzzing and Learning
|
Fuzzing is a commonly used technique designed to test software by
automatically crafting program inputs. Currently, the most successful fuzzing
algorithms emphasize simple, low-overhead strategies with the ability to
efficiently monitor program state during execution. Through compile-time
instrumentation, these approaches have access to numerous aspects of program
state including coverage, data flow, and heterogeneous fault detection and
classification. However, existing approaches utilize blind random mutation
strategies when generating test inputs. We present a different approach that
uses this state information to optimize mutation operators using reinforcement
learning (RL). By integrating OpenAI Gym with libFuzzer we are able to
simultaneously leverage advancements in reinforcement learning as well as
fuzzing to achieve deeper coverage across several varied benchmarks. Our
technique connects the rich, efficient program monitors provided by LLVM
Santizers with a deep neural net to learn mutation selection strategies
directly from the input data. The cross-language, asynchronous architecture we
developed enables us to apply any OpenAI Gym compatible deep reinforcement
learning algorithm to any fuzzing problem with minimal slowdown.
|
Improving Simple Models with Confidence Profiles
|
In this paper, we propose a new method called ProfWeight for transferring
information from a pre-trained deep neural network that has a high test
accuracy to a simpler interpretable model or a very shallow network of low
complexity and a priori low test accuracy. We are motivated by applications in
interpretability and model deployment in severely memory constrained
environments (like sensors). Our method uses linear probes to generate
confidence scores through flattened intermediate representations. Our transfer
method involves a theoretically justified weighting of samples during the
training of the simple model using confidence scores of these intermediate
layers. The value of our method is first demonstrated on CIFAR-10, where our
weighting method significantly improves (3-4%) networks with only a fraction of
the number of Resnet blocks of a complex Resnet model. We further demonstrate
operationally significant results on a real manufacturing problem, where we
dramatically increase the test accuracy of a CART model (the domain standard)
by roughly 13%.
|
Emulating malware authors for proactive protection using GANs over a
distributed image visualization of dynamic file behavior
|
Malware authors have always been at an advantage of being able to
adversarially test and augment their malicious code, before deploying the
payload, using anti-malware products at their disposal. The anti-malware
developers and threat experts, on the other hand, do not have such a privilege
of tuning anti-malware products against zero-day attacks pro-actively. This
allows the malware authors to being a step ahead of the anti-malware products,
fundamentally biasing the cat and mouse game played by the two parties. In this
paper, we propose a way that would enable machine learning based threat
prevention models to bridge that gap by being able to tune against a deep
generative adversarial network (GAN), which takes up the role of a malware
author and generates new types of malware. The GAN is trained over a reversible
distributed RGB image representation of known malware behaviors, encoding the
sequence of API call ngrams and the corresponding term frequencies. The
generated images represent synthetic malware that can be decoded back to the
underlying API call sequence information. The image representation is not only
demonstrated as a general technique of incorporating necessary priors for
exploiting convolutional neural network architectures for generative or
discriminative modeling, but also as a visualization method for easy manual
software or malware categorization, by having individual API ngram information
distributed across the image space. In addition, we also propose using
smart-definitions for detecting malwares based on perceptual hashing of these
images. Such hashes are potentially more effective than cryptographic hashes
that do not carry any meaningful similarity metric, and hence, do not
generalize well.
|
Self-Organizing Maps as a Storage and Transfer Mechanism in
Reinforcement Learning
|
The idea of reusing information from previously learned tasks (source tasks)
for the learning of new tasks (target tasks) has the potential to significantly
improve the sample efficiency reinforcement learning agents. In this work, we
describe an approach to concisely store and represent learned task knowledge,
and reuse it by allowing it to guide the exploration of an agent while it
learns new tasks. In order to do so, we use a measure of similarity that is
defined directly in the space of parameterized representations of the value
functions. This similarity measure is also used as a basis for a variant of the
growing self-organizing map algorithm, which is simultaneously used to enable
the storage of previously acquired task knowledge in an adaptive and scalable
manner.We empirically validate our approach in a simulated navigation
environment and discuss possible extensions to this approach along with
potential applications where it could be particularly useful.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.