title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Influence of the Event Rate on Discrimination Abilities of Bankruptcy
Prediction Models | In bankruptcy prediction, the proportion of events is very low, which is
often oversampled to eliminate this bias. In this paper, we study the influence
of the event rate on discrimination abilities of bankruptcy prediction models.
First the statistical association and significance of public records and
firmographics indicators with the bankruptcy were explored. Then the event rate
was oversampled from 0.12% to 10%, 20%, 30%, 40%, and 50%, respectively. Seven
models were developed, including Logistic Regression, Decision Tree, Random
Forest, Gradient Boosting, Support Vector Machine, Bayesian Network, and Neural
Network. Under different event rates, models were comprehensively evaluated and
compared based on Kolmogorov-Smirnov Statistic, accuracy, F1 score, Type I
error, Type II error, and ROC curve on the hold-out dataset with their best
probability cut-offs. Results show that Bayesian Network is the most
insensitive to the event rate, while Support Vector Machine is the most
sensitive.
|
Speech Recognition: Keyword Spotting Through Image Recognition | The problem of identifying voice commands has always been a challenge due to
the presence of noise and variability in speed, pitch, etc. We will compare the
efficacies of several neural network architectures for the speech recognition
problem. In particular, we will build a model to determine whether a one second
audio clip contains a particular word (out of a set of 10), an unknown word, or
silence. The models to be implemented are a CNN recommended by the Tensorflow
Speech Recognition tutorial, a low-latency CNN, and an adversarially trained
CNN. The result is a demonstration of how to convert a problem in audio
recognition to the better-studied domain of image classification, where the
powerful techniques of convolutional neural networks are fully developed.
Additionally, we demonstrate the applicability of the technique of Virtual
Adversarial Training (VAT) to this problem domain, functioning as a powerful
regularizer with promising potential future applications.
|
A Minimax Surrogate Loss Approach to Conditional Difference Estimation | We present a new machine learning approach to estimate personalized treatment
effects in the classical potential outcomes framework with binary outcomes. To
overcome the problem that both treatment and control outcomes for the same unit
are required for supervised learning, we propose surrogate loss functions that
incorporate both treatment and control data. The new surrogates yield tighter
bounds than the sum of losses for treatment and control groups. A specific
choice of loss function, namely a type of hinge loss, yields a minimax support
vector machine formulation. The resulting optimization problem requires the
solution to only a single convex optimization problem, incorporating both
treatment and control units, and it enables the kernel trick to be used to
handle nonlinear (also non-parametric) estimation. Statistical learning bounds
are also presented for the framework, and experimental results.
|
Generalization and Expressivity for Deep Nets | Along with the rapid development of deep learning in practice, the
theoretical explanations for its success become urgent. Generalization and
expressivity are two widely used measurements to quantify theoretical behaviors
of deep learning. The expressivity focuses on finding functions expressible by
deep nets but cannot be approximated by shallow nets with the similar number of
neurons. It usually implies the large capacity. The generalization aims at
deriving fast learning rate for deep nets. It usually requires small capacity
to reduce the variance. Different from previous studies on deep learning,
pursuing either expressivity or generalization, we take both factors into
account to explore the theoretical advantages of deep nets. For this purpose,
we construct a deep net with two hidden layers possessing excellent
expressivity in terms of localized and sparse approximation. Then, utilizing
the well known covering number to measure the capacity, we find that deep nets
possess excellent expressive power (measured by localized and sparse
approximation) without enlarging the capacity of shallow nets. As a
consequence, we derive near optimal learning rates for implementing empirical
risk minimization (ERM) on the constructed deep nets. These results
theoretically exhibit the advantage of deep nets from learning theory
viewpoints.
|
ARMDN: Associative and Recurrent Mixture Density Networks for eRetail
Demand Forecasting | Accurate demand forecasts can help on-line retail organizations better plan
their supply-chain processes. The challenge, however, is the large number of
associative factors that result in large, non-stationary shifts in demand,
which traditional time series and regression approaches fail to model. In this
paper, we propose a Neural Network architecture called AR-MDN, that
simultaneously models associative factors, time-series trends and the variance
in the demand. We first identify several causal features and use a combination
of feature embeddings, MLP and LSTM to represent them. We then model the output
density as a learned mixture of Gaussian distributions. The AR-MDN can be
trained end-to-end without the need for additional supervision. We experiment
on a dataset of an year's worth of data over tens-of-thousands of products from
Flipkart. The proposed architecture yields a significant improvement in
forecasting accuracy when compared with existing alternatives.
|
CIoTA: Collaborative IoT Anomaly Detection via Blockchain | Due to their rapid growth and deployment, Internet of things (IoT) devices
have become a central aspect of our daily lives. However, they tend to have
many vulnerabilities which can be exploited by an attacker. Unsupervised
techniques, such as anomaly detection, can help us secure the IoT devices.
However, an anomaly detection model must be trained for a long time in order to
capture all benign behaviors. This approach is vulnerable to adversarial
attacks since all observations are assumed to be benign while training the
anomaly detection model.
In this paper, we propose CIoTA, a lightweight framework that utilizes the
blockchain concept to perform distributed and collaborative anomaly detection
for devices with limited resources. CIoTA uses blockchain to incrementally
update a trusted anomaly detection model via self-attestation and consensus
among IoT devices. We evaluate CIoTA on our own distributed IoT simulation
platform, which consists of 48 Raspberry Pis, to demonstrate CIoTA's ability to
enhance the security of each device and the security of the network as a whole.
|
Graph-based Clustering under Differential Privacy | In this paper, we present the first differentially private clustering method
for arbitrary-shaped node clusters in a graph. This algorithm takes as input
only an approximate Minimum Spanning Tree (MST) $\mathcal{T}$ released under
weight differential privacy constraints from the graph. Then, the underlying
nonconvex clustering partition is successfully recovered from cutting optimal
cuts on $\mathcal{T}$. As opposed to existing methods, our algorithm is
theoretically well-motivated. Experiments support our theoretical findings.
|
Submodular Hypergraphs: p-Laplacians, Cheeger Inequalities and Spectral
Clustering | We introduce submodular hypergraphs, a family of hypergraphs that have
different submodular weights associated with different cuts of hyperedges.
Submodular hypergraphs arise in clustering applications in which higher-order
structures carry relevant information. For such hypergraphs, we define the
notion of p-Laplacians and derive corresponding nodal domain theorems and k-way
Cheeger inequalities. We conclude with the description of algorithms for
computing the spectra of 1- and 2-Laplacians that constitute the basis of new
spectral hypergraph clustering methods.
|
Kickstarting Deep Reinforcement Learning | We present a method for using previously-trained 'teacher' agents to
kickstart the training of a new 'student' agent. To this end, we leverage ideas
from policy distillation and population based training. Our method places no
constraints on the architecture of the teacher or student agents, and it
regulates itself to allow the students to surpass their teachers in
performance. We show that, on a challenging and computationally-intensive
multi-task benchmark (DMLab-30), kickstarted training improves the data
efficiency of new agents, making it significantly easier to iterate on their
design. We also show that the same kickstarting pipeline can allow a single
student agent to leverage multiple 'expert' teachers which specialize on
individual tasks. In this setting kickstarting yields surprisingly large gains,
with the kickstarted agent matching the performance of an agent trained from
scratch in almost 10x fewer steps, and surpassing its final performance by 42
percent. Kickstarting is conceptually simple and can easily be incorporated
into reinforcement learning experiments.
|
Revisiting Decomposable Submodular Function Minimization with Incidence
Relations | We introduce a new approach to decomposable submodular function minimization
(DSFM) that exploits incidence relations. Incidence relations describe which
variables effectively influence the component functions, and when properly
utilized, they allow for improving the convergence rates of DSFM solvers. Our
main results include the precise parametrization of the DSFM problem based on
incidence relations, the development of new scalable alternative projections
and parallel coordinate descent methods and an accompanying rigorous analysis
of their convergence rates.
|
Detecting Adversarial Examples via Neural Fingerprinting | Deep neural networks are vulnerable to adversarial examples, which
dramatically alter model output using small input changes. We propose Neural
Fingerprinting, a simple, yet effective method to detect adversarial examples
by verifying whether model behavior is consistent with a set of secret
fingerprints, inspired by the use of biometric and cryptographic signatures.
The benefits of our method are that 1) it is fast, 2) it is prohibitively
expensive for an attacker to reverse-engineer which fingerprints were used, and
3) it does not assume knowledge of the adversary. In this work, we pose a
formal framework to analyze fingerprints under various threat models, and
characterize Neural Fingerprinting for linear models. For complex neural
networks, we empirically demonstrate that Neural Fingerprinting significantly
improves on state-of-the-art detection mechanisms by detecting the strongest
known adversarial attacks with 98-100% AUC-ROC scores on the MNIST, CIFAR-10
and MiniImagenet (20 classes) datasets. In particular, the detection accuracy
of Neural Fingerprinting generalizes well to unseen test-data under various
black- and whitebox threat models, and is robust over a wide range of
hyperparameters and choices of fingerprints.
|
On dynamic ensemble selection and data preprocessing for multi-class
imbalance learning | Class-imbalance refers to classification problems in which many more
instances are available for certain classes than for others. Such imbalanced
datasets require special attention because traditional classifiers generally
favor the majority class which has a large number of instances. Ensemble of
classifiers have been reported to yield promising results. However, the
majority of ensemble methods applied too imbalanced learning are static ones.
Moreover, they only deal with binary imbalanced problems. Hence, this paper
presents an empirical analysis of dynamic selection techniques and data
preprocessing methods for dealing with multi-class imbalanced problems. We
considered five variations of preprocessing methods and four dynamic selection
methods. Our experiments conducted on 26 multi-class imbalanced problems show
that the dynamic ensemble improves the F-measure and the G-mean as compared to
the static ensemble. Moreover, data preprocessing plays an important role in
such cases.
|
Combating Adversarial Attacks Using Sparse Representations | It is by now well-known that small adversarial perturbations can induce
classification errors in deep neural networks (DNNs). In this paper, we make
the case that sparse representations of the input data are a crucial tool for
combating such attacks. For linear classifiers, we show that a sparsifying
front end is provably effective against $\ell_{\infty}$-bounded attacks,
reducing output distortion due to the attack by a factor of roughly $K / N$
where $N$ is the data dimension and $K$ is the sparsity level. We then extend
this concept to DNNs, showing that a "locally linear" model can be used to
develop a theoretical foundation for crafting attacks and defenses.
Experimental results for the MNIST dataset show the efficacy of the proposed
sparsifying front end.
|
Piecewise Convex Function Estimation and Model Selection | Given noisy data, function estimation is considered when the unknown function
is known apriori to consist of a small number of regions where the function is
either convex or concave. When the regions are known apriori, the estimate is
reduced to a finite dimensional convex optimization in the dual space. When the
number of regions is unknown, the model selection problem is to determine the
number of convexity change points. We use a pilot estimator based on the
expected number of false inflection points.
|
A pathway-based kernel boosting method for sample classification using
genomic data | The analysis of cancer genomic data has long suffered "the curse of
dimensionality". Sample sizes for most cancer genomic studies are a few
hundreds at most while there are tens of thousands of genomic features studied.
Various methods have been proposed to leverage prior biological knowledge, such
as pathways, to more effectively analyze cancer genomic data. Most of the
methods focus on testing marginal significance of the associations between
pathways and clinical phenotypes. They can identify relevant pathways, but do
not involve predictive modeling. In this article, we propose a Pathway-based
Kernel Boosting (PKB) method for integrating gene pathway information for
sample classification, where we use kernel functions calculated from each
pathway as base learners and learn the weights through iterative optimization
of the classification loss function. We apply PKB and several competing methods
to three cancer studies with pathological and clinical information, including
tumor grade, stage, tumor sites, and metastasis status. Our results show that
PKB outperforms other methods, and identifies pathways relevant to the outcome
variables.
|
Deep reinforcement learning for time series: playing idealized trading
games | Deep Q-learning is investigated as an end-to-end solution to estimate the
optimal strategies for acting on time series input. Experiments are conducted
on two idealized trading games. 1) Univariate: the only input is a wave-like
price time series, and 2) Bivariate: the input includes a random stepwise price
time series and a noisy signal time series, which is positively correlated with
future price changes. The Univariate game tests whether the agent can capture
the underlying dynamics, and the Bivariate game tests whether the agent can
utilize the hidden relation among the inputs. Stacked Gated Recurrent Unit
(GRU), Long Short-Term Memory (LSTM) units, Convolutional Neural Network (CNN),
and multi-layer perceptron (MLP) are used to model Q values. For both games,
all agents successfully find a profitable strategy. The GRU-based agents show
best overall performance in the Univariate game, while the MLP-based agents
outperform others in the Bivariate game.
|
Detecting Nonlinear Causality in Multivariate Time Series with Sparse
Additive Models | We propose a nonparametric method for detecting nonlinear causal relationship
within a set of multidimensional discrete time series, by using sparse additive
models (SpAMs). We show that, when the input to the SpAM is a $\beta$-mixing
time series, the model can be fitted by first approximating each unknown
function with a linear combination of a set of B-spline bases, and then solving
a group-lasso-type optimization problem with nonconvex regularization.
Theoretically, we characterize the oracle statistical properties of the
proposed sparse estimator in function estimation and model selection.
Numerically, we propose an efficient pathwise iterative shrinkage thresholding
algorithm (PISTA), which tames the nonconvexity and guarantees linear
convergence towards the desired sparse estimator with high probability.
|
BEBP: An Poisoning Method Against Machine Learning Based IDSs | In big data era, machine learning is one of fundamental techniques in
intrusion detection systems (IDSs). However, practical IDSs generally update
their decision module by feeding new data then retraining learning models in a
periodical way. Hence, some attacks that comprise the data for training or
testing classifiers significantly challenge the detecting capability of machine
learning-based IDSs. Poisoning attack, which is one of the most recognized
security threats towards machine learning-based IDSs, injects some adversarial
samples into the training phase, inducing data drifting of training data and a
significant performance decrease of target IDSs over testing data. In this
paper, we adopt the Edge Pattern Detection (EPD) algorithm to design a novel
poisoning method that attack against several machine learning algorithms used
in IDSs. Specifically, we propose a boundary pattern detection algorithm to
efficiently generate the points that are near to abnormal data but considered
to be normal ones by current classifiers. Then, we introduce a Batch-EPD
Boundary Pattern (BEBP) detection algorithm to overcome the limitation of the
number of edge pattern points generated by EPD and to obtain more useful
adversarial samples. Based on BEBP, we further present a moderate but effective
poisoning method called chronic poisoning attack. Extensive experiments on
synthetic and three real network data sets demonstrate the performance of the
proposed poisoning method against several well-known machine learning
algorithms and a practical intrusion detection method named FMIFS-LSSVM-IDS.
|
Multi-Armed Bandits for Correlated Markovian Environments with Smoothed
Reward Feedback | We study a multi-armed bandit problem in a dynamic environment where arm
rewards evolve in a correlated fashion according to a Markov chain. Different
than much of the work on related problems, in our formulation a learning
algorithm does not have access to either a priori information or observations
of the state of the Markov chain and only observes smoothed reward feedback
following time intervals we refer to as epochs. We demonstrate that existing
methods such as UCB and $\varepsilon$-greedy can suffer linear regret in such
an environment. Employing mixing-time bounds on Markov chains, we develop
algorithms called EpochUCB and EpochGreedy that draw inspiration from the
aforementioned methods, yet which admit sublinear regret guarantees for the
problem formulation. Our proposed algorithms proceed in epochs in which an arm
is played repeatedly for a number of iterations that grows linearly as a
function of the number of times an arm has been played in the past. We analyze
these algorithms under two types of smoothed reward feedback at the end of each
epoch: a reward that is the discount-average of the discounted rewards within
an epoch, and a reward that is the time-average of the rewards within an epoch.
|
Multi-objective Contextual Bandit Problem with Similarity Information | In this paper we propose the multi-objective contextual bandit problem with
similarity information. This problem extends the classical contextual bandit
problem with similarity information by introducing multiple and possibly
conflicting objectives. Since the best arm in each objective can be different
given the context, learning the best arm based on a single objective can
jeopardize the rewards obtained from the other objectives. In order to evaluate
the performance of the learner in this setup, we use a performance metric
called the contextual Pareto regret. Essentially, the contextual Pareto regret
is the sum of the distances of the arms chosen by the learner to the context
dependent Pareto front. For this problem, we develop a new online learning
algorithm called Pareto Contextual Zooming (PCZ), which exploits the idea of
contextual zooming to learn the arms that are close to the Pareto front for
each observed context by adaptively partitioning the joint context-arm set
according to the observed rewards and locations of the context-arm pairs
selected in the past. Then, we prove that PCZ achieves $\tilde O
(T^{(1+d_p)/(2+d_p)})$ Pareto regret where $d_p$ is the Pareto zooming
dimension that depends on the size of the set of near-optimal context-arm
pairs. Moreover, we show that this regret bound is nearly optimal by providing
an almost matching $\Omega (T^{(1+d_p)/(2+d_p)})$ lower bound.
|
Data-Augmented Contact Model for Rigid Body Simulation | Accurately modeling contact behaviors for real-world, near-rigid materials
remains a grand challenge for existing rigid-body physics simulators. This
paper introduces a data-augmented contact model that incorporates analytical
solutions with observed data to predict the 3D contact impulse which could
result in rigid bodies bouncing, sliding or spinning in all directions. Our
method enhances the expressiveness of the standard Coulomb contact model by
learning the contact behaviors from the observed data, while preserving the
fundamental contact constraints whenever possible. For example, a classifier is
trained to approximate the transitions between static and dynamic frictions,
while non-penetration constraint during collision is enforced analytically. Our
method computes the aggregated effect of contact for the entire rigid body,
instead of predicting the contact force for each contact point individually,
removing the exponential decline in accuracy as the number of contact points
increases.
|
Entity Resolution and Federated Learning get a Federated Resolution | Consider two data providers, each maintaining records of different feature
sets about common entities. They aim to learn a linear model over the whole set
of features. This problem of federated learning over vertically partitioned
data includes a crucial upstream issue: entity resolution, i.e. finding the
correspondence between the rows of the datasets. It is well known that entity
resolution, just like learning, is mistake-prone in the real world. Despite the
importance of the problem, there has been no formal assessment of how errors in
entity resolution impact learning.
In this paper, we provide a thorough answer to this question, answering how
optimal classifiers, empirical losses, margins and generalisation abilities are
affected. While our answer spans a wide set of losses --- going beyond proper,
convex, or classification calibrated ---, it brings simple practical arguments
to upgrade entity resolution as a preprocessing step to learning. One of these
suggests that entity resolution should be aimed at controlling or minimizing
the number of matching errors between examples of distinct classes. In our
experiments, we modify a simple token-based entity resolution algorithm so that
it indeed aims at avoiding matching rows belonging to different classes, and
perform experiments in the setting where entity resolution relies on noisy
data, which is very relevant to real world domains. Notably, our approach
covers the case where one peer \textit{does not} have classes, or a noisy
record of classes. Experiments display that using the class information during
entity resolution can buy significant uplift for learning at little expense
from the complexity standpoint.
|
Sales forecasting using WaveNet within the framework of the Kaggle
competition | We took part in the Corporacion Favorita Grocery Sales Forecasting
competition hosted on Kaggle and achieved the 2nd place. In this abstract
paper, we present an overall analysis and solution to the underlying
machine-learning problem based on time series data, where major challenges are
identified and corresponding preliminary methods are proposed. Our approach is
based on the adaptation of dilated convolutional neural network for time series
forecasting. By applying this technique iteratively to batches of n examples, a
big amount of time series data can be eventually processed with a decent speed
and accuracy. We hope this paper could serve, to some extent, as a review and
guideline of the time series forecasting benchmark, inspiring further attempts
and researches.
|
Combinatorial Multi-Objective Multi-Armed Bandit Problem | In this paper, we introduce the COmbinatorial Multi-Objective Multi-Armed
Bandit (COMO-MAB) problem that captures the challenges of combinatorial and
multi-objective online learning simultaneously. In this setting, the goal of
the learner is to choose an action at each time, whose reward vector is a
linear combination of the reward vectors of the arms in the action, to learn
the set of super Pareto optimal actions, which includes the Pareto optimal
actions and actions that become Pareto optimal after adding an arbitrary small
positive number to their expected reward vectors. We define the Pareto regret
performance metric and propose a fair learning algorithm whose Pareto regret is
$O(N L^3 \log T)$, where $T$ is the time horizon, $N$ is the number of arms and
$L$ is the maximum number of arms in an action. We show that COMO-MAB has a
wide range of applications, including recommending bundles of items to users
and network routing, and focus on a resource-allocation application for
multi-user communication in the presence of multidimensional performance
metrics, where we show that our algorithm outperforms existing MAB algorithms.
|
Interpreting Deep Classifier by Visual Distillation of Dark Knowledge | Interpreting black box classifiers, such as deep networks, allows an analyst
to validate a classifier before it is deployed in a high-stakes setting. A
natural idea is to visualize the deep network's representations, so as to "see
what the network sees". In this paper, we demonstrate that standard dimension
reduction methods in this setting can yield uninformative or even misleading
visualizations. Instead, we present DarkSight, which visually summarizes the
predictions of a classifier in a way inspired by notion of dark knowledge.
DarkSight embeds the data points into a low-dimensional space such that it is
easy to compress the deep classifier into a simpler one, essentially combining
model compression and dimension reduction. We compare DarkSight against t-SNE
both qualitatively and quantitatively, demonstrating that DarkSight
visualizations are more informative. Our method additionally yields a new
confidence measure based on dark knowledge by quantifying how unusual a given
vector of predictions is.
|
Representation Learning over Dynamic Graphs | How can we effectively encode evolving information over dynamic graphs into
low-dimensional representations? In this paper, we propose DyRep, an inductive
deep representation learning framework that learns a set of functions to
efficiently produce low-dimensional node embeddings that evolves over time. The
learned embeddings drive the dynamics of two key processes namely,
communication and association between nodes in dynamic graphs. These processes
exhibit complex nonlinear dynamics that evolve at different time scales and
subsequently contribute to the update of node embeddings. We employ a
time-scale dependent multivariate point process model to capture these
dynamics. We devise an efficient unsupervised learning procedure and
demonstrate that our approach significantly outperforms representative
baselines on two real-world datasets for the problem of dynamic link prediction
and event time prediction.
|
Pseudo-task Augmentation: From Deep Multitask Learning to Intratask
Sharing---and Back | Deep multitask learning boosts performance by sharing learned structure
across related tasks. This paper adapts ideas from deep multitask learning to
the setting where only a single task is available. The method is formalized as
pseudo-task augmentation, in which models are trained with multiple decoders
for each task. Pseudo-tasks simulate the effect of training towards
closely-related tasks drawn from the same universe. In a suite of experiments,
pseudo-task augmentation is shown to improve performance on single-task
learning problems. When combined with multitask learning, further improvements
are achieved, including state-of-the-art performance on the CelebA dataset,
showing that pseudo-task augmentation and multitask learning have complementary
value. All in all, pseudo-task augmentation is a broadly applicable and
efficient way to boost performance in deep learning systems.
|
Link prediction for egocentrically sampled networks | Link prediction in networks is typically accomplished by estimating or
ranking the probabilities of edges for all pairs of nodes. In practice,
especially for social networks, the data are often collected by egocentric
sampling, which means selecting a subset of nodes and recording all of their
edges. This sampling mechanism requires different prediction tools than the
typical assumption of links missing at random. We propose a new computationally
efficient link prediction algorithm for egocentrically sampled networks, which
estimates the underlying probability matrix by estimating its row space. For
networks created by sampling rows, our method outperforms many popular link
prediction and graphon estimation techniques.
|
Learning discrete Bayesian networks in polynomial time and sample
complexity | In this paper, we study the problem of structure learning for Bayesian
networks in which nodes take discrete values. The problem is NP-hard in general
but we show that under certain conditions we can recover the true structure of
a Bayesian network with sufficient number of samples. We develop a mathematical
model which does not assume any specific conditional probability distributions
for the nodes. We use a primal-dual witness construction to prove that, under
some technical conditions on the interaction between node pairs, we can do
exact recovery of the parents and children of a node by performing group
l_12-regularized multivariate regression. Thus, we recover the true Bayesian
network structure. If degree of a node is bounded then the sample complexity of
our proposed approach grows logarithmically with respect to the number of nodes
in the Bayesian network. Furthermore, our method runs in polynomial time.
|
R3Net: Random Weights, Rectifier Linear Units and Robustness for
Artificial Neural Network | We consider a neural network architecture with randomized features, a
sign-splitter, followed by rectified linear units (ReLU). We prove that our
architecture exhibits robustness to the input perturbation: the output feature
of the neural network exhibits a Lipschitz continuity in terms of the input
perturbation. We further show that the network output exhibits a discrimination
ability that inputs that are not arbitrarily close generate output vectors
which maintain distance between each other obeying a certain lower bound. This
ensures that two different inputs remain discriminable while contracting the
distance in the output feature space.
|
Noise2Noise: Learning Image Restoration without Clean Data | We apply basic statistical reasoning to signal reconstruction by machine
learning -- learning to map corrupted observations to clean signals -- with a
simple and powerful conclusion: it is possible to learn to restore images by
only looking at corrupted examples, at performance at and sometimes exceeding
training using clean data, without explicit image priors or likelihood models
of the corruption. In practice, we show that a single model learns photographic
noise removal, denoising synthetic Monte Carlo images, and reconstruction of
undersampled MRI scans -- all corrupted by different processes -- based on
noisy data only.
|
Extreme Learning Machine for Graph Signal Processing | In this article, we improve extreme learning machines for regression tasks
using a graph signal processing based regularization. We assume that the target
signal for prediction or regression is a graph signal. With this assumption, we
use the regularization to enforce that the output of an extreme learning
machine is smooth over a given graph. Simulation results with real data confirm
that such regularization helps significantly when the available training data
is limited in size and corrupted by noise.
|
Multi-kernel Regression For Graph Signal Processing | We develop a multi-kernel based regression method for graph signal processing
where the target signal is assumed to be smooth over a graph. In multi-kernel
regression, an effective kernel function is expressed as a linear combination
of many basis kernel functions. We estimate the linear weights to learn the
effective kernel function by appropriate regularization based on graph
smoothness. We show that the resulting optimization problem is shown to be
convex and pro- pose an accelerated projected gradient descent based solution.
Simulation results using real-world graph signals show efficiency of the
multi-kernel based approach over a standard kernel based approach.
|
Semiparametric Contextual Bandits | This paper studies semiparametric contextual bandits, a generalization of the
linear stochastic bandit problem where the reward for an action is modeled as a
linear function of known action features confounded by an non-linear
action-independent term. We design new algorithms that achieve
$\tilde{O}(d\sqrt{T})$ regret over $T$ rounds, when the linear function is
$d$-dimensional, which matches the best known bounds for the simpler
unconfounded case and improves on a recent result of Greenewald et al. (2017).
Via an empirical evaluation, we show that our algorithms outperform prior
approaches when there are non-linear confounding effects on the rewards.
Technically, our algorithms use a new reward estimator inspired by
doubly-robust approaches and our proofs require new concentration inequalities
for self-normalized martingales.
|
High Throughput Synchronous Distributed Stochastic Gradient Descent | We introduce a new, high-throughput, synchronous, distributed, data-parallel,
stochastic-gradient-descent learning algorithm. This algorithm uses amortized
inference in a compute-cluster-specific, deep, generative, dynamical model to
perform joint posterior predictive inference of the mini-batch gradient
computation times of all worker-nodes in a parallel computing cluster. We show
that a synchronous parameter server can, by utilizing such a model, choose an
optimal cutoff time beyond which mini-batch gradient messages from slow workers
are ignored that maximizes overall mini-batch gradient computations per second.
In keeping with earlier findings we observe that, under realistic conditions,
eagerly discarding the mini-batch gradient computations of stragglers not only
increases throughput but actually increases the overall rate of convergence as
a function of wall-clock time by virtue of eliminating idleness. The principal
novel contribution and finding of this work goes beyond this by demonstrating
that using the predicted run-times from a generative model of cluster worker
performance to dynamically adjust the cutoff improves substantially over the
static-cutoff prior art, leading to, among other things, significantly reduced
deep neural net training times on large computer clusters.
|
Leveraging Crowdsourcing Data For Deep Active Learning - An Application:
Learning Intents in Alexa | This paper presents a generic Bayesian framework that enables any deep
learning model to actively learn from targeted crowds. Our framework inherits
from recent advances in Bayesian deep learning, and extends existing work by
considering the targeted crowdsourcing approach, where multiple annotators with
unknown expertise contribute an uncontrolled amount (often limited) of
annotations. Our framework leverages the low-rank structure in annotations to
learn individual annotator expertise, which then helps to infer the true labels
from noisy and sparse annotations. It provides a unified Bayesian model to
simultaneously infer the true labels and train the deep learning model in order
to reach an optimal learning efficacy. Finally, our framework exploits the
uncertainty of the deep learning model during prediction as well as the
annotators' estimated expertise to minimize the number of required annotations
and annotators for optimally training the deep learning model.
We evaluate the effectiveness of our framework for intent classification in
Alexa (Amazon's personal assistant), using both synthetic and real-world
datasets. Experiments show that our framework can accurately learn annotator
expertise, infer true labels, and effectively reduce the amount of annotations
in model training as compared to state-of-the-art approaches. We further
discuss the potential of our proposed framework in bridging machine learning
and crowdsourcing towards improved human-in-the-loop systems.
|
FeTa: A DCA Pruning Algorithm with Generalization Error Guarantees | Recent DNN pruning algorithms have succeeded in reducing the number of
parameters in fully connected layers, often with little or no drop in
classification accuracy. However, most of the existing pruning schemes either
have to be applied during training or require a costly retraining procedure
after pruning to regain classification accuracy. We start by proposing a cheap
pruning algorithm for fully connected DNN layers based on difference of convex
functions (DC) optimisation, that requires little or no retraining. We then
provide a theoretical analysis for the growth in the Generalization Error (GE)
of a DNN for the case of bounded perturbations to the hidden layers, of which
weight pruning is a special case. Our pruning method is orders of magnitude
faster than competing approaches, while our theoretical analysis sheds light to
previously observed problems in DNN pruning. Experiments on commnon feedforward
neural networks validate our results.
|
On the Properties of MVR Chain Graphs | Depending on the interpretation of the type of edges, a chain graph can
represent different relations between variables and thereby independence
models. Three interpretations, known by the acronyms LWF, MVR, and AMP, are
prevalent. Multivariate regression chain graphs (MVR CGs) were introduced by
Cox and Wermuth in 1993. We review Markov properties for MVR chain graphs and
propose an alternative global and local Markov property for them. Except for
pairwise Markov properties, we show that for MVR chain graphs all Markov
properties in the literature are equivalent for semi-graphoids. We derive a new
factorization formula for MVR chain graphs which is more explicit than and
different from the proposed factorizations for MVR chain graphs in the
literature. Finally, we provide a summary table comparing different features of
LWF, AMP, and MVR chain graphs.
|
Super-resolution of Sentinel-2 images: Learning a globally applicable
deep neural network | The Sentinel-2 satellite mission delivers multi-spectral imagery with 13
spectral bands, acquired at three different spatial resolutions. The aim of
this research is to super-resolve the lower-resolution (20 m and 60 m Ground
Sampling Distance - GSD) bands to 10 m GSD, so as to obtain a complete data
cube at the maximal sensor resolution. We employ a state-of-the-art
convolutional neural network (CNN) to perform end-to-end upsampling, which is
trained with data at lower resolution, i.e., from 40->20 m, respectively
360->60 m GSD. In this way, one has access to a virtually infinite amount of
training data, by downsampling real Sentinel-2 images. We use data sampled
globally over a wide range of geographical locations, to obtain a network that
generalises across different climate zones and land-cover types, and can
super-resolve arbitrary Sentinel-2 images without the need of retraining. In
quantitative evaluations (at lower scale, where ground truth is available), our
network, which we call DSen2, outperforms the best competing approach by almost
50% in RMSE, while better preserving the spectral characteristics. It also
delivers visually convincing results at the full 10 m GSD. The code is
available at https://github.com/lanha/DSen2
|
Neural Conditional Gradients | The move from hand-designed to learned optimizers in machine learning has
been quite successful for gradient-based and -free optimizers. When facing a
constrained problem, however, maintaining feasibility typically requires a
projection step, which might be computationally expensive and not
differentiable. We show how the design of projection-free convex optimization
algorithms can be cast as a learning problem based on Frank-Wolfe Networks:
recurrent networks implementing the Frank-Wolfe algorithm aka. conditional
gradients. This allows them to learn to exploit structure when, e.g.,
optimizing over rank-1 matrices. Our LSTM-learned optimizers outperform
hand-designed as well learned but unconstrained ones. We demonstrate this for
training support vector machines and softmax classifiers.
|
Representation Learning and Recovery in the ReLU Model | Rectified linear units, or ReLUs, have become the preferred activation
function for artificial neural networks. In this paper we consider two basic
learning problems assuming that the underlying data follow a generative model
based on a ReLU-network -- a neural network with ReLU activations. As a
primarily theoretical study, we limit ourselves to a single-layer network. The
first problem we study corresponds to dictionary-learning in the presence of
nonlinearity (modeled by the ReLU functions). Given a set of observation
vectors $\mathbf{y}^i \in \mathbb{R}^d, i =1, 2, \dots , n$, we aim to recover
$d\times k$ matrix $A$ and the latent vectors $\{\mathbf{c}^i\} \subset
\mathbb{R}^k$ under the model $\mathbf{y}^i = \mathrm{ReLU}(A\mathbf{c}^i
+\mathbf{b})$, where $\mathbf{b}\in \mathbb{R}^d$ is a random bias. We show
that it is possible to recover the column space of $A$ within an error of
$O(d)$ (in Frobenius norm) under certain conditions on the probability
distribution of $\mathbf{b}$.
The second problem we consider is that of robust recovery of the signal in
the presence of outliers, i.e., large but sparse noise. In this setting we are
interested in recovering the latent vector $\mathbf{c}$ from its noisy
nonlinear sketches of the form $\mathbf{v} = \mathrm{ReLU}(A\mathbf{c}) +
\mathbf{e}+\mathbf{w}$, where $\mathbf{e} \in \mathbb{R}^d$ denotes the
outliers with sparsity $s$ and $\mathbf{w} \in \mathbb{R}^d$ denote the dense
but small noise. This line of work has recently been studied (Soltanolkotabi,
2017) without the presence of outliers. For this problem, we show that a
generalized LASSO algorithm is able to recover the signal $\mathbf{c} \in
\mathbb{R}^k$ within an $\ell_2$ error of $O(\sqrt{\frac{(k+s)\log d}{d}})$
when $A$ is a random Gaussian matrix.
|
The Everlasting Database: Statistical Validity at a Fair Price | The problem of handling adaptivity in data analysis, intentional or not,
permeates a variety of fields, including test-set overfitting in ML challenges
and the accumulation of invalid scientific discoveries. We propose a mechanism
for answering an arbitrarily long sequence of potentially adaptive statistical
queries, by charging a price for each query and using the proceeds to collect
additional samples. Crucially, we guarantee statistical validity without any
assumptions on how the queries are generated. We also ensure with high
probability that the cost for $M$ non-adaptive queries is $O(\log M)$, while
the cost to a potentially adaptive user who makes $M$ queries that do not
depend on any others is $O(\sqrt{M})$.
|
Deep Learning in Mobile and Wireless Networking: A Survey | The rapid uptake of mobile devices and the rising popularity of mobile
applications and services pose unprecedented demands on mobile and wireless
networking infrastructure. Upcoming 5G systems are evolving to support
exploding mobile traffic volumes, agile management of network resource to
maximize user experience, and extraction of fine-grained real-time analytics.
Fulfilling these tasks is challenging, as mobile environments are increasingly
complex, heterogeneous, and evolving. One potential solution is to resort to
advanced machine learning techniques to help managing the rise in data volumes
and algorithm-driven applications. The recent success of deep learning
underpins new and powerful tools that tackle problems in this space.
In this paper we bridge the gap between deep learning and mobile and wireless
networking research, by presenting a comprehensive survey of the crossovers
between the two areas. We first briefly introduce essential background and
state-of-the-art in deep learning techniques with potential applications to
networking. We then discuss several techniques and platforms that facilitate
the efficient deployment of deep learning onto mobile systems. Subsequently, we
provide an encyclopedic review of mobile and wireless networking research based
on deep learning, which we categorize by different domains. Drawing from our
experience, we discuss how to tailor deep learning to mobile environments. We
complete this survey by pinpointing current challenges and open future
directions for research.
|
Learning the Base Distribution in Implicit Generative Models | Popular generative model learning methods such as Generative Adversarial
Networks (GANs), and Variational Autoencoders (VAE) enforce the latent
representation to follow simple distributions such as isotropic Gaussian. In
this paper, we argue that learning a complicated distribution over the latent
space of an auto-encoder enables more accurate modeling of complicated data
distributions. Based on this observation, we propose a two stage optimization
procedure which maximizes an approximate implicit density model. We
experimentally verify that our method outperforms GANs and VAEs on two image
datasets (MNIST, CELEB-A). We also show that our approach is amenable to
learning generative model for sequential data, by learning to generate speech
and music.
|
Optimal Rates of Sketched-regularized Algorithms for Least-Squares
Regression over Hilbert Spaces | We investigate regularized algorithms combining with projection for
least-squares regression problem over a Hilbert space, covering nonparametric
regression over a reproducing kernel Hilbert space. We prove convergence
results with respect to variants of norms, under a capacity assumption on the
hypothesis space and a regularity condition on the target function. As a
result, we obtain optimal rates for regularized algorithms with randomized
sketches, provided that the sketch dimension is proportional to the effective
dimension up to a logarithmic factor. As a byproduct, we obtain similar results
for Nystr\"{o}m regularized algorithms. Our results are the first ones with
optimal, distribution-dependent rates that do not have any saturation effect
for sketched/Nystr\"{o}m regularized algorithms, considering both the
attainable and non-attainable cases.
|
Delayed Impact of Fair Machine Learning | Fairness in machine learning has predominantly been studied in static
classification settings without concern for how decisions change the underlying
population over time. Conventional wisdom suggests that fairness criteria
promote the long-term well-being of those groups they aim to protect.
We study how static fairness criteria interact with temporal indicators of
well-being, such as long-term improvement, stagnation, and decline in a
variable of interest. We demonstrate that even in a one-step feedback model,
common fairness criteria in general do not promote improvement over time, and
may in fact cause harm in cases where an unconstrained objective would not.
We completely characterize the delayed impact of three standard criteria,
contrasting the regimes in which these exhibit qualitatively different
behavior. In addition, we find that a natural form of measurement error
broadens the regime in which fairness criteria perform favorably.
Our results highlight the importance of measurement and temporal modeling in
the evaluation of fairness criteria, suggesting a range of new challenges and
trade-offs.
|
Flipout: Efficient Pseudo-Independent Weight Perturbations on
Mini-Batches | Stochastic neural net weights are used in a variety of contexts, including
regularization, Bayesian neural nets, exploration in reinforcement learning,
and evolution strategies. Unfortunately, due to the large number of weights,
all the examples in a mini-batch typically share the same weight perturbation,
thereby limiting the variance reduction effect of large mini-batches. We
introduce flipout, an efficient method for decorrelating the gradients within a
mini-batch by implicitly sampling pseudo-independent weight perturbations for
each example. Empirically, flipout achieves the ideal linear variance reduction
for fully connected networks, convolutional networks, and RNNs. We find
significant speedups in training neural networks with multiplicative Gaussian
perturbations. We show that flipout is effective at regularizing LSTMs, and
outperforms previous methods. Flipout also enables us to vectorize evolution
strategies: in our experiments, a single GPU with flipout can handle the same
throughput as at least 40 CPU cores using existing methods, equivalent to a
factor-of-4 cost reduction on Amazon Web Services.
|
Scalable Algorithms for Learning High-Dimensional Linear Mixed Models | Linear mixed models (LMMs) are used extensively to model dependecies of
observations in linear regression and are used extensively in many application
areas. Parameter estimation for LMMs can be computationally prohibitive on big
data. State-of-the-art learning algorithms require computational complexity
which depends at least linearly on the dimension $p$ of the covariates, and
often use heuristics that do not offer theoretical guarantees. We present
scalable algorithms for learning high-dimensional LMMs with sublinear
computational complexity dependence on $p$. Key to our approach are novel dual
estimators which use only kernel functions of the data, and fast computational
techniques based on the subsampled randomized Hadamard transform. We provide
theoretical guarantees for our learning algorithms, demonstrating the
robustness of parameter estimation. Finally, we complement the theory with
experiments on large synthetic and real data.
|
From Nodes to Networks: Evolving Recurrent Neural Networks | Gated recurrent networks such as those composed of Long Short-Term Memory
(LSTM) nodes have recently been used to improve state of the art in many
sequential processing tasks such as speech recognition and machine translation.
However, the basic structure of the LSTM node is essentially the same as when
it was first conceived 25 years ago. Recently, evolutionary and reinforcement
learning mechanisms have been employed to create new variations of this
structure. This paper proposes a new method, evolution of a tree-based encoding
of the gated memory nodes, and shows that it makes it possible to explore new
variations more effectively than other methods. The method discovers nodes with
multiple recurrent paths and multiple memory cells, which lead to significant
improvement in the standard language modeling benchmark task. The paper also
shows how the search process can be speeded up by training an LSTM network to
estimate performance of candidate structures, and by encouraging exploration of
novel solutions. Thus, evolutionary design of complex neural network structures
promises to improve performance of deep learning architectures beyond human
ability to do so.
|
Extended Affinity Propagation: Global Discovery and Local Insights | We propose a new clustering algorithm, Extended Affinity Propagation, based
on pairwise similarities. Extended Affinity Propagation is developed by
modifying Affinity Propagation such that the desirable features of Affinity
Propagation, e.g., exemplars, reasonable computational complexity and no need
to specify number of clusters, are preserved while the shortcomings, e.g., the
lack of global structure discovery, that limit the applicability of Affinity
Propagation are overcome. Extended Affinity Propagation succeeds not only in
achieving this goal but can also provide various additional insights into the
internal structure of the individual clusters, e.g., refined confidence values,
relative cluster densities and local cluster strength in different regions of a
cluster, which are valuable for an analyst. We briefly discuss how these
insights can help in easily tuning the hyperparameters. We also illustrate
these desirable features and the performance of Extended Affinity Propagation
on various synthetic and real world datasets.
|
False Discovery Rate Control via Debiased Lasso | We consider the problem of variable selection in high-dimensional statistical
models where the goal is to report a set of variables, out of many predictors
$X_1, \dotsc, X_p$, that are relevant to a response of interest. For linear
high-dimensional model, where the number of parameters exceeds the number of
samples $(p>n)$, we propose a procedure for variables selection and prove that
it controls the "directional" false discovery rate (FDR) below a pre-assigned
significance level $q\in [0,1]$. We further analyze the statistical power of
our framework and show that for designs with subgaussian rows and a common
precision matrix $\Omega\in\mathbb{R}^{p\times p}$, if the minimum nonzero
parameter $\theta_{\min}$ satisfies $$\sqrt{n} \theta_{\min} - \sigma
\sqrt{2(\max_{i\in [p]}\Omega_{ii})\log\left(\frac{2p}{qs_0}\right)} \to
\infty\,,$$ then this procedure achieves asymptotic power one. Our framework is
built upon the debiasing approach and assumes the standard condition $s_0 =
o(\sqrt{n}/(\log p)^2)$, where $s_0$ indicates the number of true positives
among the $p$ features. Notably, this framework achieves exact directional FDR
control without any assumption on the amplitude of unknown regression
parameters, and does not require any knowledge of the distribution of
covariates or the noise level. We test our method in synthetic and real data
experiments to assess its performance and to corroborate our theoretical
results.
|
PotentialNet for Molecular Property Prediction | The arc of drug discovery entails a multiparameter optimization problem
spanning vast length scales. They key parameters range from solubility
(angstroms) to protein-ligand binding (nanometers) to in vivo toxicity
(meters). Through feature learning---instead of feature engineering---deep
neural networks promise to outperform both traditional physics-based and
knowledge-based machine learning models for predicting molecular properties
pertinent to drug discovery. To this end, we present the PotentialNet family of
graph convolutions. These models are specifically designed for and achieve
state-of-the-art performance for protein-ligand binding affinity. We further
validate these deep neural networks by setting new standards of performance in
several ligand-based tasks. In parallel, we introduce a new metric, the
Regression Enrichment Factor $EF_\chi^{(R)}$, to measure the early enrichment
of computational models for chemical data. Finally, we introduce a
cross-validation strategy based on structural homology clustering that can more
accurately measure model generalizability, which crucially distinguishes the
aims of machine learning for drug discovery from standard machine learning
tasks.
|
Accuracy-Reliability Cost Function for Empirical Variance Estimation | In this paper we focus on the problem of assigning uncertainties to
single-point predictions. We introduce a cost function that encodes the
trade-off between accuracy and reliability in probabilistic forecast. We derive
analytic formula for the case of forecasts of continuous scalar variables
expressed in terms of Gaussian distributions. The Accuracy-Reliability cost
function can be used to empirically estimate the variance in heteroskedastic
regression problems (input dependent noise), by solving a two-objective
optimization problem. The simple philosophy behind this strategy is that
predictions based on the estimated variances should be both accurate and
reliable (i.e. statistical consistent with observations). We show several
examples with synthetic data, where the underlying hidden noise function can be
accurately recovered, both in one and multi-dimensional problems. The practical
implementation of the method has been done using a Neural Network and, in the
one-dimensional case, with a simple polynomial fit.
|
Bridge type classification: supervised learning on a modified NBI
dataset | A key phase in the bridge design process is the selection of the structural
system. Due to budget and time constraints, engineers typically rely on
engineering judgment and prior experience when selecting a structural system,
often considering a limited range of design alternatives. The objective of this
study was to explore the suitability of supervised machine learning as a
preliminary design aid that provides guidance to engineers with regards to the
statistically optimal bridge type to choose, ultimately improving the
likelihood of optimized design, design standardization, and reduced maintenance
costs. In order to devise this supervised learning system, data for over
600,000 bridges from the National Bridge Inventory database were analyzed. Key
attributes for determining the bridge structure type were identified through
three feature selection techniques. Potentially useful attributes like seismic
intensity and historic data on the cost of materials (steel and concrete) were
then added from the US Geological Survey (USGS) database and Engineering News
Record. Decision tree, Bayes network and Support Vector Machines were used for
predicting the bridge design type. Due to state-to-state variations in material
availability, material costs, and design codes, supervised learning models
based on the complete data set did not yield favorable results. Supervised
learning models were then trained and tested using 10-fold cross validation on
data for each state. Inclusion of seismic data improved the model performance
noticeably. The data was then resampled to reduce the bias of the models
towards more common design types, and the supervised learning models thus
constructed showed further improvements in performance. The average recall and
precision for the state models was 88.6% and 88.0% using Decision Trees, 84.0%
and 83.7% using Bayesian Networks, and 80.8% and 75.6% using SVM.
|
Probabilistic and Regularized Graph Convolutional Networks | This paper explores the recently proposed Graph Convolutional Network
architecture proposed in (Kipf & Welling, 2016) The key points of their work is
summarized and their results are reproduced. Graph regularization and
alternative graph convolution approaches are explored. I find that explicit
graph regularization was correctly rejected by (Kipf & Welling, 2016). I
attempt to improve the performance of GCN by approximating a k-step transition
matrix in place of the normalized graph laplacian, but I fail to find positive
results. Nonetheless, the performance of several configurations of this GCN
variation is shown for the Cora, Citeseer, and Pubmed datasets.
|
Gradient Augmented Information Retrieval with Autoencoders and Semantic
Hashing | This paper will explore the use of autoencoders for semantic hashing in the
context of Information Retrieval. This paper will summarize how to efficiently
train an autoencoder in order to create meaningful and low-dimensional
encodings of data. This paper will demonstrate how computing and storing the
closest encodings to an input query can help speed up search time and improve
the quality of our search results. The novel contributions of this paper
involve using the representation of the data learned by an auto-encoder in
order to augment our search query in various ways. I present and evaluate the
new gradient search augmentation (GSA) approach, as well as the more well-known
pseudo-relevance-feedback (PRF) adjustment. I find that GSA helps to improve
the performance of the TF-IDF based information retrieval system, and PRF
combined with GSA works best overall for the systems compared in this paper.
|
Automated software vulnerability detection with machine learning | Thousands of security vulnerabilities are discovered in production software
each year, either reported publicly to the Common Vulnerabilities and Exposures
database or discovered internally in proprietary code. Vulnerabilities often
manifest themselves in subtle ways that are not obvious to code reviewers or
the developers themselves. With the wealth of open source code available for
analysis, there is an opportunity to learn the patterns of bugs that can lead
to security vulnerabilities directly from data. In this paper, we present a
data-driven approach to vulnerability detection using machine learning,
specifically applied to C and C++ programs. We first compile a large dataset of
hundreds of thousands of open-source functions labeled with the outputs of a
static analyzer. We then compare methods applied directly to source code with
methods applied to artifacts extracted from the build process, finding that
source-based models perform better. We also compare the application of deep
neural network models with more traditional models such as random forests and
find the best performance comes from combining features learned by deep models
with tree-based models. Ultimately, our highest performing model achieves an
area under the precision-recall curve of 0.49 and an area under the ROC curve
of 0.87.
|
Compact Convolutional Neural Networks for Classification of Asynchronous
Steady-state Visual Evoked Potentials | Steady-State Visual Evoked Potentials (SSVEPs) are neural oscillations from
the parietal and occipital regions of the brain that are evoked from flickering
visual stimuli. SSVEPs are robust signals measurable in the
electroencephalogram (EEG) and are commonly used in brain-computer interfaces
(BCIs). However, methods for high-accuracy decoding of SSVEPs usually require
hand-crafted approaches that leverage domain-specific knowledge of the stimulus
signals, such as specific temporal frequencies in the visual stimuli and their
relative spatial arrangement. When this knowledge is unavailable, such as when
SSVEP signals are acquired asynchronously, such approaches tend to fail. In
this paper, we show how a compact convolutional neural network (Compact-CNN),
which only requires raw EEG signals for automatic feature extraction, can be
used to decode signals from a 12-class SSVEP dataset without the need for any
domain-specific knowledge or calibration data. We report across subject mean
accuracy of approximately 80% (chance being 8.3%) and show this is
substantially better than current state-of-the-art hand-crafted approaches
using canonical correlation analysis (CCA) and Combined-CCA. Furthermore, we
analyze our Compact-CNN to examine the underlying feature representation,
discovering that the deep learner extracts additional phase and amplitude
related features associated with the structure of the dataset. We discuss how
our Compact-CNN shows promise for BCI applications that allow users to freely
gaze/attend to any stimulus at any time (e.g., asynchronous BCI) as well as
provides a method for analyzing SSVEP signals in a way that might augment our
understanding about the basic processing in the visual cortex.
|
COPA: Constrained PARAFAC2 for Sparse & Large Datasets | PARAFAC2 has demonstrated success in modeling irregular tensors, where the
tensor dimensions vary across one of the modes. An example scenario is modeling
treatments across a set of patients with the varying number of medical
encounters over time. Despite recent improvements on unconstrained PARAFAC2,
its model factors are usually dense and sensitive to noise which limits their
interpretability. As a result, the following open challenges remain: a) various
modeling constraints, such as temporal smoothness, sparsity and non-negativity,
are needed to be imposed for interpretable temporal modeling and b) a scalable
approach is required to support those constraints efficiently for large
datasets. To tackle these challenges, we propose a {\it CO}nstrained {\it
PA}RAFAC2 (COPA) method, which carefully incorporates optimization constraints
such as temporal smoothness, sparsity, and non-negativity in the resulting
factors. To efficiently support all those constraints, COPA adopts a hybrid
optimization framework using alternating optimization and alternating direction
method of multiplier (AO-ADMM). As evaluated on large electronic health record
(EHR) datasets with hundreds of thousands of patients, COPA achieves
significant speedups (up to 36 times faster) over prior PARAFAC2 approaches
that only attempt to handle a subset of the constraints that COPA enables.
Overall, our method outperforms all the baselines attempting to handle a subset
of the constraints in terms of speed, while achieving the same level of
accuracy. Through a case study on temporal phenotyping of medically complex
children, we demonstrate how the constraints imposed by COPA reveal concise
phenotypes and meaningful temporal profiles of patients. The clinical
interpretation of both the phenotypes and the temporal profiles was confirmed
by a medical expert.
|
It was the training data pruning too! | We study the current best model (KDG) for question answering on tabular data
evaluated over the WikiTableQuestions dataset. Previous ablation studies
performed against this model attributed the model's performance to certain
aspects of its architecture. In this paper, we find that the model's
performance also crucially depends on a certain pruning of the data used to
train the model. Disabling the pruning step drops the accuracy of the model
from 43.3% to 36.3%. The large impact on the performance of the KDG model
suggests that the pruning may be a useful pre-processing step in training other
semantic parsers as well.
|
Thompson Sampling for Combinatorial Semi-Bandits | We study the application of the Thompson sampling (TS) methodology to the
stochastic combinatorial multi-armed bandit (CMAB) framework. We analyze the
standard TS algorithm for the general CMAB, and obtain the first
distribution-dependent regret bound of $O(mK_{\max}\log T / \Delta_{\min})$,
where $m$ is the number of arms, $K_{\max}$ is the size of the largest super
arm, $T$ is the time horizon, and $\Delta_{\min}$ is the minimum gap between
the expected reward of the optimal solution and any non-optimal solution. We
also show that one cannot directly replace the exact offline oracle with an
approximation oracle in TS algorithm for even the classical MAB problem. Then
we expand the analysis to two special cases: the linear reward case and the
matroid bandit case. When the reward function is linear, the regret of the TS
algorithm achieves a better bound $O(m\log K_{\max}\log T / \Delta_{\min})$.
For matroid bandit, we could remove the independence assumption across arms and
achieve a regret upper bound that matches the lower bound for the matroid case.
Finally, we use some experiments to show the comparison between regrets of TS
and other existing algorithms like CUCB and ESCB.
|
Binary Matrix Completion Using Unobserved Entries | A matrix completion problem, which aims to recover a complete matrix from its
partial observations, is one of the important problems in the machine learning
field and has been studied actively. However, there is a discrepancy between
the mainstream problem setting, which assumes continuous-valued observations,
and some practical applications such as recommendation systems and SNS link
predictions where observations take discrete or even binary values. To cope
with this problem, Davenport et al. (2014) proposed a binary matrix completion
(BMC) problem, where observations are quantized into binary values. Hsieh et
al. (2015) proposed a PU (Positive and Unlabeled) matrix completion problem,
which is an extension of the BMC problem. This problem targets the setting
where we cannot observe negative values, such as SNS link predictions. In the
construction of their method for this setting, they introduced a methodology of
the classification problem, regarding each matrix entry as a sample. Their
risk, which defines losses over unobserved entries as well, indicates the
possibility of the use of unobserved entries. In this paper, motivated by a
semi-supervised classification method recently proposed by Sakai et al. (2017),
we develop a method for the BMC problem which can use all of positive,
negative, and unobserved entries, by combining the risks of Davenport et al.
(2014) and Hsieh et al. (2015). To the best of our knowledge, this is the first
BMC method which exploits all kinds of matrix entries. We experimentally show
that an appropriate mixture of risks improves the performance.
|
Pure Exploration in Infinitely-Armed Bandit Models with Fixed-Confidence | We consider the problem of near-optimal arm identification in the fixed
confidence setting of the infinitely armed bandit problem when nothing is known
about the arm reservoir distribution. We (1) introduce a PAC-like framework
within which to derive and cast results; (2) derive a sample complexity lower
bound for near-optimal arm identification; (3) propose an algorithm that
identifies a nearly-optimal arm with high probability and derive an upper bound
on its sample complexity which is within a log factor of our lower bound; and
(4) discuss whether our log^2(1/delta) dependence is inescapable for
"two-phase" (select arms first, identify the best later) algorithms in the
infinite setting. This work permits the application of bandit models to a
broader class of problems where fewer assumptions hold.
|
Hierarchical Reinforcement Learning: Approximating Optimal Discounted
TSP Using Local Policies | In this work, we provide theoretical guarantees for reward decomposition in
deterministic MDPs. Reward decomposition is a special case of Hierarchical
Reinforcement Learning, that allows one to learn many policies in parallel and
combine them into a composite solution. Our approach builds on mapping this
problem into a Reward Discounted Traveling Salesman Problem, and then deriving
approximate solutions for it. In particular, we focus on approximate solutions
that are local, i.e., solutions that only observe information about the current
state. Local policies are easy to implement and do not require substantial
computational resources as they do not perform planning. While local
deterministic policies, like Nearest Neighbor, are being used in practice for
hierarchical reinforcement learning, we propose three stochastic policies that
guarantee better performance than any deterministic policy.
|
Policy Search in Continuous Action Domains: an Overview | Continuous action policy search is currently the focus of intensive research,
driven both by the recent success of deep reinforcement learning algorithms and
the emergence of competitors based on evolutionary algorithms. In this paper,
we present a broad survey of policy search methods, providing a unified
perspective on very different approaches, including also Bayesian Optimization
and directed exploration methods. The main message of this overview is in the
relationship between the families of methods, but we also outline some factors
underlying sample efficiency properties of the various approaches.
|
Hierarchical Learning of Cross-Language Mappings through Distributed
Vector Representations for Code | Translating a program written in one programming language to another can be
useful for software development tasks that need functionality implementations
in different languages. Although past studies have considered this problem,
they may be either specific to the language grammars, or specific to certain
kinds of code elements (e.g., tokens, phrases, API uses). This paper proposes a
new approach to automatically learn cross-language representations for various
kinds of structural code elements that may be used for program translation. Our
key idea is two folded: First, we normalize and enrich code token streams with
additional structural and semantic information, and train cross-language vector
representations for the tokens (a.k.a. shared embeddings based on word2vec, a
neural-network-based technique for producing word embeddings; Second,
hierarchically from bottom up, we construct shared embeddings for code elements
of higher levels of granularity (e.g., expressions, statements, methods) from
the embeddings for their constituents, and then build mappings among code
elements across languages based on similarities among embeddings.
Our preliminary evaluations on about 40,000 Java and C# source files from 9
software projects show that our approach can automatically learn shared
embeddings for various code elements in different languages and identify their
cross-language mappings with reasonable Mean Average Precision scores. When
compared with an existing tool for mapping library API methods, our approach
identifies many more mappings accurately. The mapping results and code can be
accessed at
https://github.com/bdqnghi/hierarchical-programming-language-mapping. We
believe that our idea for learning cross-language vector representations with
code structural information can be a useful step towards automated program
translation.
|
VERSE: Versatile Graph Embeddings from Similarity Measures | Embedding a web-scale information network into a low-dimensional vector space
facilitates tasks such as link prediction, classification, and visualization.
Past research has addressed the problem of extracting such embeddings by
adopting methods from words to graphs, without defining a clearly
comprehensible graph-related objective. Yet, as we show, the objectives used in
past works implicitly utilize similarity measures among graph nodes.
In this paper, we carry the similarity orientation of previous works to its
logical conclusion; we propose VERtex Similarity Embeddings (VERSE), a simple,
versatile, and memory-efficient method that derives graph embeddings explicitly
calibrated to preserve the distributions of a selected vertex-to-vertex
similarity measure. VERSE learns such embeddings by training a single-layer
neural network. While its default, scalable version does so via sampling
similarity information, we also develop a variant using the full information
per vertex. Our experimental study on standard benchmarks and real-world
datasets demonstrates that VERSE, instantiated with diverse similarity
measures, outperforms state-of-the-art methods in terms of precision and recall
in major data mining tasks and supersedes them in time and space efficiency,
while the scalable sampling-based variant achieves equally good results as the
non-scalable full variant.
|
Deep k-Nearest Neighbors: Towards Confident, Interpretable and Robust
Deep Learning | Deep neural networks (DNNs) enable innovative applications of machine
learning like image recognition, machine translation, or malware detection.
However, deep learning is often criticized for its lack of robustness in
adversarial settings (e.g., vulnerability to adversarial inputs) and general
inability to rationalize its predictions. In this work, we exploit the
structure of deep learning to enable new learning-based inference and decision
strategies that achieve desirable properties such as robustness and
interpretability. We take a first step in this direction and introduce the Deep
k-Nearest Neighbors (DkNN). This hybrid classifier combines the k-nearest
neighbors algorithm with representations of the data learned by each layer of
the DNN: a test input is compared to its neighboring training points according
to the distance that separates them in the representations. We show the labels
of these neighboring points afford confidence estimates for inputs outside the
model's training manifold, including on malicious inputs like adversarial
examples--and therein provides protections against inputs that are outside the
models understanding. This is because the nearest neighbors can be used to
estimate the nonconformity of, i.e., the lack of support for, a prediction in
the training data. The neighbors also constitute human-interpretable
explanations of predictions. We evaluate the DkNN algorithm on several
datasets, and show the confidence estimates accurately identify inputs outside
the model, and that the explanations provided by nearest neighbors are
intuitive and useful in understanding model failures.
|
Hybrid Forecasting of Chaotic Processes: Using Machine Learning in
Conjunction with a Knowledge-Based Model | A model-based approach to forecasting chaotic dynamical systems utilizes
knowledge of the physical processes governing the dynamics to build an
approximate mathematical model of the system. In contrast, machine learning
techniques have demonstrated promising results for forecasting chaotic systems
purely from past time series measurements of system state variables (training
data), without prior knowledge of the system dynamics. The motivation for this
paper is the potential of machine learning for filling in the gaps in our
underlying mechanistic knowledge that cause widely-used knowledge-based models
to be inaccurate. Thus we here propose a general method that leverages the
advantages of these two approaches by combining a knowledge-based model and a
machine learning technique to build a hybrid forecasting scheme. Potential
applications for such an approach are numerous (e.g., improving weather
forecasting). We demonstrate and test the utility of this approach using a
particular illustrative version of a machine learning known as reservoir
computing, and we apply the resulting hybrid forecaster to a low-dimensional
chaotic system, as well as to a high-dimensional spatiotemporal chaotic system.
These tests yield extremely promising results in that our hybrid technique is
able to accurately predict for a much longer period of time than either its
machine-learning component or its model-based component alone.
|
Testing Deep Neural Networks | Deep neural networks (DNNs) have a wide range of applications, and software
employing them must be thoroughly tested, especially in safety-critical
domains. However, traditional software test coverage metrics cannot be applied
directly to DNNs. In this paper, inspired by the MC/DC coverage criterion, we
propose a family of four novel test criteria that are tailored to structural
features of DNNs and their semantics. We validate the criteria by demonstrating
that the generated test inputs guided via our proposed coverage criteria are
able to capture undesired behaviours in a DNN. Test cases are generated using a
symbolic approach and a gradient-based heuristic search. By comparing them with
existing methods, we show that our criteria achieve a balance between their
ability to find bugs (proxied using adversarial examples) and the computational
cost of test case generation. Our experiments are conducted on state-of-the-art
DNNs obtained using popular open source datasets, including MNIST, CIFAR-10 and
ImageNet.
|
Artificial neural network based modelling approach for municipal solid
waste gasification in a fluidized bed reactor | In this paper, multi-layer feed forward neural networks are used to predict
the lower heating value of gas (LHV), lower heating value of gasification
products including tars and entrained char (LHVp) and syngas yield during
gasification of municipal solid waste (MSW) during gasification in a fluidized
bed reactor. These artificial neural networks (ANNs) with different
architectures are trained using the Levenberg-Marquardt (LM) back-propagation
algorithm and a cross validation is also performed to ensure that the results
generalise to other unseen datasets. A rigorous study is carried out on
optimally choosing the number of hidden layers, number of neurons in the hidden
layer and activation function in a network using multiple Monte Carlo runs.
Nine input and three output parameters are used to train and test various
neural network architectures in both multiple output and single output
prediction paradigms using the available experimental datasets. The model
selection procedure is carried out to ascertain the best network architecture
in terms of predictive accuracy. The simulation results show that the ANN based
methodology is a viable alternative which can be used to predict the
performance of a fluidized bed gasifier.
|
A Survey on Deep Learning Toolkits and Libraries for Intelligent User
Interfaces | This paper provides an overview of prominent deep learning toolkits and, in
particular, reports on recent publications that contributed open source
software for implementing tasks that are common in intelligent user interfaces
(IUI). We provide a scientific reference for researchers and software engineers
who plan to utilise deep learning techniques within their IUI research and
development projects.
|
Low-Rank Boolean Matrix Approximation by Integer Programming | Low-rank approximations of data matrices are an important dimensionality
reduction tool in machine learning and regression analysis. We consider the
case of categorical variables, where it can be formulated as the problem of
finding low-rank approximations to Boolean matrices. In this paper we give what
is to the best of our knowledge the first integer programming formulation that
relies on only polynomially many variables and constraints, we discuss how to
solve it computationally and report numerical tests on synthetic and real-world
data.
|
Independently Recurrent Neural Network (IndRNN): Building A Longer and
Deeper RNN | Recurrent neural networks (RNNs) have been widely used for processing
sequential data. However, RNNs are commonly difficult to train due to the
well-known gradient vanishing and exploding problems and hard to learn
long-term patterns. Long short-term memory (LSTM) and gated recurrent unit
(GRU) were developed to address these problems, but the use of hyperbolic
tangent and the sigmoid action functions results in gradient decay over layers.
Consequently, construction of an efficiently trainable deep network is
challenging. In addition, all the neurons in an RNN layer are entangled
together and their behaviour is hard to interpret. To address these problems, a
new type of RNN, referred to as independently recurrent neural network
(IndRNN), is proposed in this paper, where neurons in the same layer are
independent of each other and they are connected across layers. We have shown
that an IndRNN can be easily regulated to prevent the gradient exploding and
vanishing problems while allowing the network to learn long-term dependencies.
Moreover, an IndRNN can work with non-saturated activation functions such as
relu (rectified linear unit) and be still trained robustly. Multiple IndRNNs
can be stacked to construct a network that is deeper than the existing RNNs.
Experimental results have shown that the proposed IndRNN is able to process
very long sequences (over 5000 time steps), can be used to construct very deep
networks (21 layers used in the experiment) and still be trained robustly.
Better performances have been achieved on various tasks by using IndRNNs
compared with the traditional RNN and LSTM. The code is available at
https://github.com/Sunnydreamrain/IndRNN_Theano_Lasagne.
|
Learning the Joint Representation of Heterogeneous Temporal Events for
Clinical Endpoint Prediction | The availability of a large amount of electronic health records (EHR)
provides huge opportunities to improve health care service by mining these
data. One important application is clinical endpoint prediction, which aims to
predict whether a disease, a symptom or an abnormal lab test will happen in the
future according to patients' history records. This paper develops deep
learning techniques for clinical endpoint prediction, which are effective in
many practical applications. However, the problem is very challenging since
patients' history records contain multiple heterogeneous temporal events such
as lab tests, diagnosis, and drug administrations. The visiting patterns of
different types of events vary significantly, and there exist complex nonlinear
relationships between different events. In this paper, we propose a novel model
for learning the joint representation of heterogeneous temporal events. The
model adds a new gate to control the visiting rates of different events which
effectively models the irregular patterns of different events and their
nonlinear correlations. Experiment results with real-world clinical data on the
tasks of predicting death and abnormal lab tests prove the effectiveness of our
proposed approach over competitive baselines.
|
Soft-Robust Actor-Critic Policy-Gradient | Robust Reinforcement Learning aims to derive optimal behavior that accounts
for model uncertainty in dynamical systems. However, previous studies have
shown that by considering the worst case scenario, robust policies can be
overly conservative. Our soft-robust framework is an attempt to overcome this
issue. In this paper, we present a novel Soft-Robust Actor-Critic algorithm
(SR-AC). It learns an optimal policy with respect to a distribution over an
uncertainty set and stays robust to model uncertainty but avoids the
conservativeness of robust strategies. We show the convergence of SR-AC and
test the efficiency of our approach on different domains by comparing it
against regular learning methods and their robust formulations.
|
Dealing with Unknown Unknowns: Identification and Selection of Minimal
Sensing for Fractional Dynamics with Unknown Inputs | This paper focuses on analysis and design of time-varying complex networks
having fractional order dynamics. These systems are key in modeling the complex
dynamical processes arising in several natural and man made systems. Notably,
examples include neurophysiological signals such as electroencephalogram (EEG)
that captures the variation in potential fields, and blood oxygenation level
dependent (BOLD) signal, which serves as a proxy for neuronal activity.
Notwithstanding, the complex networks originated by locally measuring EEG and
BOLD are often treated as isolated networks and do not capture the dependency
from external stimuli, e.g., originated in subcortical structures such as the
thalamus and the brain stem. Therefore, we propose a paradigm-shift towards the
analysis of such complex networks under unknown unknowns (i.e., excitations).
Consequently, the main contributions of the present paper are threefold: (i) we
present an alternating scheme that enables to determine the best estimate of
the model parameters and unknown stimuli; (ii) we provide necessary and
sufficient conditions to ensure that it is possible to retrieve the state and
unknown stimuli; and (iii) upon these conditions we determine a small subset of
variables that need to be measured to ensure that both state and input can be
recovered, while establishing sub-optimality guarantees with respect to the
smallest possible subset. Finally, we present several pedagogical examples of
the main results using real data collected from an EEG wearable device.
|
Active Reinforcement Learning with Monte-Carlo Tree Search | Active Reinforcement Learning (ARL) is a twist on RL where the agent observes
reward information only if it pays a cost. This subtle change makes exploration
substantially more challenging. Powerful principles in RL like optimism,
Thompson sampling, and random exploration do not help with ARL. We relate ARL
in tabular environments to Bayes-Adaptive MDPs. We provide an ARL algorithm
using Monte-Carlo Tree Search that is asymptotically Bayes optimal.
Experimentally, this algorithm is near-optimal on small Bandit problems and
MDPs. On larger MDPs it outperforms a Q-learner augmented with specialised
heuristics for ARL. By analysing exploration behaviour in detail, we uncover
obstacles to scaling up simulation-based algorithms for ARL.
|
Onion-Peeling Outlier Detection in 2-D data Sets | Outlier Detection is a critical and cardinal research task due its array of
applications in variety of domains ranging from data mining, clustering,
statistical analysis, fraud detection, network intrusion detection and
diagnosis of diseases etc. Over the last few decades, distance-based outlier
detection algorithms have gained significant reputation as a viable alternative
to the more traditional statistical approaches due to their scalable,
non-parametric and simple implementation. In this paper, we present a modified
onion peeling (Convex hull) genetic algorithm to detect outliers in a Gaussian
2-D point data set. We present three different scenarios of outlier detection
using a) Euclidean Distance Metric b) Standardized Euclidean Distance Metric
and c) Mahalanobis Distance Metric. Finally, we analyze the performance and
evaluate the results.
|
Recurrent Neural Network Attention Mechanisms for Interpretable System
Log Anomaly Detection | Deep learning has recently demonstrated state-of-the art performance on key
tasks related to the maintenance of computer systems, such as intrusion
detection, denial of service attack detection, hardware and software system
failures, and malware detection. In these contexts, model interpretability is
vital for administrator and analyst to trust and act on the automated analysis
of machine learning models. Deep learning methods have been criticized as black
box oracles which allow limited insight into decision factors. In this work we
seek to "bridge the gap" between the impressive performance of deep learning
models and the need for interpretable model introspection. To this end we
present recurrent neural network (RNN) language models augmented with attention
for anomaly detection in system logs. Our methods are generally applicable to
any computer system and logging source.
By incorporating attention variants into our RNN language models we create
opportunities for model introspection and analysis without sacrificing
state-of-the art performance.
We demonstrate model performance and illustrate model interpretability on an
intrusion detection task using the Los Alamos National Laboratory (LANL) cyber
security dataset, reporting upward of 0.99 area under the receiver operator
characteristic curve despite being trained only on a single day's worth of
data.
|
A Probabilistic Disease Progression Model for Predicting Future Clinical
Outcome | In this work, we consider the problem of predicting the course of a
progressive disease, such as cancer or Alzheimer's. Progressive diseases often
start with mild symptoms that might precede a diagnosis, and each patient
follows their own trajectory. Patient trajectories exhibit wild variability,
which can be associated with many factors such as genotype, age, or sex. An
additional layer of complexity is that, in real life, the amount and type of
data available for each patient can differ significantly. For example, for one
patient we might have no prior history, whereas for another patient we might
have detailed clinical assessments obtained at multiple prior time-points. This
paper presents a probabilistic model that can handle multiple modalities
(including images and clinical assessments) and variable patient histories with
irregular timings and missing entries, to predict clinical scores at future
time-points. We use a sigmoidal function to model latent disease progression,
which gives rise to clinical observations in our generative model. We
implemented an approximate Bayesian inference strategy on the proposed model to
estimate the parameters on data from a large population of subjects.
Furthermore, the Bayesian framework enables the model to automatically
fine-tune its predictions based on historical observations that might be
available on the test subject. We applied our method to a longitudinal
Alzheimer's disease dataset with more than 3000 subjects [23] and present a
detailed empirical analysis of prediction performance under different
scenarios, with comparisons against several benchmarks. We also demonstrate how
the proposed model can be interrogated to glean insights about temporal
dynamics in Alzheimer's disease.
|
Principal Component Analysis with Tensor Train Subspace | Tensor train is a hierarchical tensor network structure that helps alleviate
the curse of dimensionality by parameterizing large-scale multidimensional data
via a set of network of low-rank tensors. Associated with such a construction
is a notion of Tensor Train subspace and in this paper we propose a TT-PCA
algorithm for estimating this structured subspace from the given data. By
maintaining low rank tensor structure, TT-PCA is more robust to noise comparing
with PCA or Tucker-PCA. This is borne out numerically by testing the proposed
approach on the Extended YaleFace Dataset B.
|
Learning to Explore with Meta-Policy Gradient | The performance of off-policy learning, including deep Q-learning and deep
deterministic policy gradient (DDPG), critically depends on the choice of the
exploration policy. Existing exploration methods are mostly based on adding
noise to the on-going actor policy and can only explore \emph{local} regions
close to what the actor policy dictates. In this work, we develop a simple
meta-policy gradient algorithm that allows us to adaptively learn the
exploration policy in DDPG. Our algorithm allows us to train flexible
exploration behaviors that are independent of the actor policy, yielding a
\emph{global exploration} that significantly speeds up the learning process.
With an extensive study, we show that our method significantly improves the
sample-efficiency of DDPG on a variety of reinforcement learning tasks.
|
Analysis of Nonautonomous Adversarial Systems | Generative adversarial networks are used to generate images but still their
convergence properties are not well understood. There have been a few studies
who intended to investigate the stability properties of GANs as a dynamical
system. This short writing can be seen in that direction. Among the proposed
methods for stabilizing training of GANs, {\ss}-GAN was the first who proposed
a complete annealing strategy to change high-level conditions of the GAN
objective. In this note, we show by a simple example how annealing strategy
works in GANs. The theoretical analysis is supported by simple simulations.
|
A Multi-Modal Approach to Infer Image Affect | The group affect or emotion in an image of people can be inferred by
extracting features about both the people in the picture and the overall makeup
of the scene. The state-of-the-art on this problem investigates a combination
of facial features, scene extraction and even audio tonality. This paper
combines three additional modalities, namely, human pose, text-based tagging
and CNN extracted features / predictions. To the best of our knowledge, this is
the first time all of the modalities were extracted using deep neural networks.
We evaluate the performance of our approach against baselines and identify
insights throughout this paper.
|
Model-Agnostic Private Learning via Stability | We design differentially private learning algorithms that are agnostic to the
learning model. Our algorithms are interactive in nature, i.e., instead of
outputting a model based on the training data, they provide predictions for a
set of $m$ feature vectors that arrive online. We show that, for the feature
vectors on which an ensemble of models (trained on random disjoint subsets of a
dataset) makes consistent predictions, there is almost no-cost of privacy in
generating accurate predictions for those feature vectors. To that end, we
provide a novel coupling of the distance to instability framework with the
sparse vector technique. We provide algorithms with formal privacy and utility
guarantees for both binary/multi-class classification, and soft-label
classification. For binary classification in the standard (agnostic) PAC model,
we show how to bootstrap from our privately generated predictions to construct
a computationally efficient private learner that outputs a final accurate
hypothesis. Our construction - to the best of our knowledge - is the first
computationally efficient construction for a label-private learner. We prove
sample complexity upper bounds for this setting. As in non-private sample
complexity bounds, the only relevant property of the given concept class is its
VC dimension. For soft-label classification, our techniques are based on
exploiting the stability properties of traditional learning algorithms, like
stochastic gradient descent (SGD). We provide a new technique to boost the
average-case stability properties of learning algorithms to strong (worst-case)
stability properties, and then exploit them to obtain private classification
algorithms. In the process, we also show that a large class of SGD methods
satisfy average-case stability properties, in contrast to a smaller class of
SGD methods that are uniformly stable as shown in prior work.
|
Ranking with Adaptive Neighbors | Retrieving the most similar objects in a large-scale database for a given
query is a fundamental building block in many application domains, ranging from
web searches, visual, cross media, and document retrievals. State-of-the-art
approaches have mainly focused on capturing the underlying geometry of the data
manifolds. Graph-based approaches, in particular, define various diffusion
processes on weighted data graphs. Despite success, these approaches rely on
fixed-weight graphs, making ranking sensitive to the input affinity matrix. In
this study, we propose a new ranking algorithm that simultaneously learns the
data affinity matrix and the ranking scores. The proposed optimization
formulation assigns adaptive neighbors to each point in the data based on the
local connectivity, and the smoothness constraint assigns similar ranking
scores to similar data points. We develop a novel and efficient algorithm to
solve the optimization problem. Evaluations using synthetic and real datasets
suggest that the proposed algorithm can outperform the existing methods.
|
Defending against Adversarial Attack towards Deep Neural Networks via
Collaborative Multi-task Training | Deep neural networks (DNNs) are known to be vulnerable to adversarial
examples which contain human-imperceptible perturbations. A series of defending
methods, either proactive defence or reactive defence, have been proposed in
the recent years. However, most of the methods can only handle specific
attacks. For example, proactive defending methods are invalid against grey-box
or white-box attacks, while reactive defending methods are challenged by
low-distortion adversarial examples or transferring adversarial examples. This
becomes a critical problem since a defender usually does not have the type of
the attack as a priori knowledge. Moreover, existing two-pronged defences
(e.g., MagNet), which take advantages of both proactive and reactive methods,
have been reported as broken under transferring attacks. To address this
problem, this paper proposed a novel defensive framework based on collaborative
multi-task training, aiming at providing defence for different types of
attacks. The proposed defence first encodes training labels into label pairs
and counters black-box attacks leveraging adversarial training supervised by
the encoded label pairs. The defence further constructs a detector to identify
and reject high-confidence adversarial examples that bypass the black-box
defence. In addition, the proposed collaborative architecture can prevent
adversaries from finding valid adversarial examples when the defence strategy
is exposed. In the experiments, we evaluated our defence against four
state-of-the-art attacks on $MNIST$ and $CIFAR10$ datasets. The results showed
that our defending method achieved up to $96.3\%$ classification accuracy on
black-box adversarial examples, and detected up to $98.7\%$ of the high
confidence adversarial examples. It only decreased the model accuracy on benign
example classification by $2.1\%$ for the $CIFAR10$ dataset.
|
Multiplicative Updates for Convolutional NMF Under $\beta$-Divergence | In this letter, we generalize the convolutional NMF by taking the
$\beta$-divergence as the contrast function and present the correct
multiplicative updates for its factors in closed form. The new updates unify
the $\beta$-NMF and the convolutional NMF. We state why almost all of the
existing updates are inexact and approximative w.r.t. the convolutional data
model. We show that our updates are stable and that their convergence
performance is consistent across the most common values of $\beta$.
|
xDeepFM: Combining Explicit and Implicit Feature Interactions for
Recommender Systems | Combinatorial features are essential for the success of many commercial
models. Manually crafting these features usually comes with high cost due to
the variety, volume and velocity of raw data in web-scale systems.
Factorization based models, which measure interactions in terms of vector
product, can learn patterns of combinatorial features automatically and
generalize to unseen features as well. With the great success of deep neural
networks (DNNs) in various fields, recently researchers have proposed several
DNN-based factorization model to learn both low- and high-order feature
interactions. Despite the powerful ability of learning an arbitrary function
from data, plain DNNs generate feature interactions implicitly and at the
bit-wise level. In this paper, we propose a novel Compressed Interaction
Network (CIN), which aims to generate feature interactions in an explicit
fashion and at the vector-wise level. We show that the CIN share some
functionalities with convolutional neural networks (CNNs) and recurrent neural
networks (RNNs). We further combine a CIN and a classical DNN into one unified
model, and named this new model eXtreme Deep Factorization Machine (xDeepFM).
On one hand, the xDeepFM is able to learn certain bounded-degree feature
interactions explicitly; on the other hand, it can learn arbitrary low- and
high-order feature interactions implicitly. We conduct comprehensive
experiments on three real-world datasets. Our results demonstrate that xDeepFM
outperforms state-of-the-art models. We have released the source code of
xDeepFM at \url{https://github.com/Leavingseason/xDeepFM}.
|
Can Autism be Catered with Artificial Intelligence-Assisted Intervention
Technology? A Literature Review | This article presents an extensive literature review of technology based
intervention methodologies for individuals facing Autism Spectrum Disorder
(ASD). Reviewed methodologies include: contemporary Computer Aided Systems
(CAS), Computer Vision Assisted Technologies (CVAT) and Virtual Reality (VR) or
Artificial Intelligence (AI)-Assisted interventions. The research over the past
decade has provided enough demonstrations that individuals with ASD have a
strong interest in technology based interventions, which are useful in both,
clinical settings as well as at home and classrooms. Despite showing great
promise, research in developing an advanced technology based intervention that
is clinically quantitative for ASD is minimal. Moreover, the clinicians are
generally not convinced about the potential of the technology based
interventions due to non-empirical nature of published results. A major reason
behind this lack of acceptability is that a vast majority of studies on
distinct intervention methodologies do not follow any specific standard or
research design. We conclude from our findings that there remains a gap between
the research community of computer science, psychology and neuroscience to
develop an AI assisted intervention technology for individuals suffering from
ASD. Following the development of a standardized AI based intervention
technology, a database needs to be developed, to devise effective AI
algorithms.
|
Learning Latent Superstructures in Variational Autoencoders for Deep
Multidimensional Clustering | We investigate a variant of variational autoencoders where there is a
superstructure of discrete latent variables on top of the latent features. In
general, our superstructure is a tree structure of multiple super latent
variables and it is automatically learned from data. When there is only one
latent variable in the superstructure, our model reduces to one that assumes
the latent features to be generated from a Gaussian mixture model. We call our
model the latent tree variational autoencoder (LTVAE). Whereas previous deep
learning methods for clustering produce only one partition of data, LTVAE
produces multiple partitions of data, each being given by one super latent
variable. This is desirable because high dimensional data usually have many
different natural facets and can be meaningfully partitioned in multiple ways.
|
Building Sparse Deep Feedforward Networks using Tree Receptive Fields | Sparse connectivity is an important factor behind the success of
convolutional neural networks and recurrent neural networks. In this paper, we
consider the problem of learning sparse connectivity for feedforward neural
networks (FNNs). The key idea is that a unit should be connected to a small
number of units at the next level below that are strongly correlated. We use
Chow-Liu's algorithm to learn a tree-structured probabilistic model for the
units at the current level, use the tree to identify subsets of units that are
strongly correlated, and introduce a new unit with receptive field over the
subsets. The procedure is repeated on the new units to build multiple layers of
hidden units. The resulting model is called a TRF-net. Empirical results show
that, when compared to dense FNNs, TRF-net achieves better or comparable
classification performance with much fewer parameters and sparser structures.
They are also more interpretable.
|
Algebraic Machine Learning | Machine learning algorithms use error function minimization to fit a large
set of parameters in a preexisting model. However, error minimization
eventually leads to a memorization of the training dataset, losing the ability
to generalize to other datasets. To achieve generalization something else is
needed, for example a regularization method or stopping the training when error
in a validation dataset is minimal. Here we propose a different approach to
learning and generalization that is parameter-free, fully discrete and that
does not use function minimization. We use the training data to find an
algebraic representation with minimal size and maximal freedom, explicitly
expressed as a product of irreducible components. This algebraic representation
is shown to directly generalize, giving high accuracy in test data, more so the
smaller the representation. We prove that the number of generalizing
representations can be very large and the algebra only needs to find one. We
also derive and test a relationship between compression and error rate. We give
results for a simple problem solved step by step, hand-written character
recognition, and the Queens Completion problem as an example of unsupervised
learning. As an alternative to statistical learning, algebraic learning may
offer advantages in combining bottom-up and top-down information, formal
concept derivation from data and large-scale parallelization.
|
Learning to Play General Video-Games via an Object Embedding Network | Deep reinforcement learning (DRL) has proven to be an effective tool for
creating general video-game AI. However most current DRL video-game agents
learn end-to-end from the video-output of the game, which is superfluous for
many applications and creates a number of additional problems. More
importantly, directly working on pixel-based raw video data is substantially
distinct from what a human player does.In this paper, we present a novel method
which enables DRL agents to learn directly from object information. This is
obtained via use of an object embedding network (OEN) that compresses a set of
object feature vectors of different lengths into a single fixed-length unified
feature vector representing the current game-state and fulfills the DRL
simultaneously. We evaluate our OEN-based DRL agent by comparing to several
state-of-the-art approaches on a selection of games from the GVG-AI
Competition. Experimental results suggest that our object-based DRL agent
yields performance comparable to that of those approaches used in our
comparative study.
|
Domain Adaptation on Graphs by Learning Aligned Graph Bases | A common assumption in semi-supervised learning with graph models is that the
class label function varies smoothly on the data graph, resulting in the rather
strict prior that the label function has low-frequency content. Meanwhile, in
many classification problems, the label function may vary abruptly in certain
graph regions, resulting in high-frequency components. Although the
semi-supervised estimation of class labels is an ill-posed problem in general,
in several applications it is possible to find a source graph on which the
label function has similar frequency content to that on the target graph where
the actual classification problem is defined. In this paper, we propose a
method for domain adaptation on graphs motivated by these observations. Our
algorithm is based on learning the spectrum of the label function in a source
graph with many labeled nodes, and transferring the information of the spectrum
to the target graph with fewer labeled nodes. While the frequency content of
the class label function can be identified through the graph Fourier transform,
it is not easy to transfer the Fourier coefficients directly between the two
graphs, since no one-to-one match exists between the Fourier basis vectors of
independently constructed graphs in the domain adaptation setting. We solve
this problem by learning a transformation between the Fourier bases of the two
graphs that flexibly ``aligns'' them. The unknown class label function on the
target graph is then reconstructed such that its spectrum matches that on the
source graph while also ensuring the consistency with the available labels. The
proposed method is tested in the classification of image, online product
review, and social network data sets. Comparative experiments suggest that the
proposed algorithm performs better than recent domain adaptation methods in the
literature in most settings.
|
Deep CNN based feature extractor for text-prompted speaker recognition | Deep learning is still not a very common tool in speaker verification field.
We study deep convolutional neural network performance in the text-prompted
speaker verification task. The prompted passphrase is segmented into word
states - i.e. digits -to test each digit utterance separately. We train a
single high-level feature extractor for all states and use cosine similarity
metric for scoring. The key feature of our network is the Max-Feature-Map
activation function, which acts as an embedded feature selector. By using
multitask learning scheme to train the high-level feature extractor we were
able to surpass the classic baseline systems in terms of quality and achieved
impressive results for such a novice approach, getting 2.85% EER on the RSR2015
evaluation set. Fusion of the proposed and the baseline systems improves this
result.
|
Learning to Recognize Musical Genre from Audio | We here summarize our experience running a challenge with open data for
musical genre recognition. Those notes motivate the task and the challenge
design, show some statistics about the submissions, and present the results.
|
Predicting Oral Disintegrating Tablet Formulations by Neural Network
Techniques | Oral Disintegrating Tablets (ODTs) is a novel dosage form that can be
dissolved on the tongue within 3min or less especially for geriatric and
pediatric patients. Current ODT formulation studies usually rely on the
personal experience of pharmaceutical experts and trial-and-error in the
laboratory, which is inefficient and time-consuming. The aim of current
research was to establish the prediction model of ODT formulations with direct
compression process by Artificial Neural Network (ANN) and Deep Neural Network
(DNN) techniques. 145 formulation data were extracted from Web of Science. All
data sets were divided into three parts: training set (105 data), validation
set (20) and testing set (20). ANN and DNN were compared for the prediction of
the disintegrating time. The accuracy of the ANN model has reached 85.60%,
80.00% and 75.00% on the training set, validation set and testing set
respectively, whereas that of the DNN model was 85.60%, 85.00% and 80.00%,
respectively. Compared with the ANN, DNN showed the better prediction for ODT
formulations. It is the first time that deep neural network with the improved
dataset selection algorithm is applied to formulation prediction on small data.
The proposed predictive approach could evaluate the critical parameters about
quality control of formulation, and guide research and process development. The
implementation of this prediction model could effectively reduce drug product
development timeline and material usage, and proactively facilitate the
development of a robust drug product.
|
Measurement-based adaptation protocol with quantum reinforcement
learning | Machine learning employs dynamical algorithms that mimic the human capacity
to learn, where the reinforcement learning ones are among the most similar to
humans in this respect. On the other hand, adaptability is an essential aspect
to perform any task efficiently in a changing environment, and it is
fundamental for many purposes, such as natural selection. Here, we propose an
algorithm based on successive measurements to adapt one quantum state to a
reference unknown state, in the sense of achieving maximum overlap. The
protocol naturally provides many identical copies of the reference state, such
that in each measurement iteration more information about it is obtained. In
our protocol, we consider a system composed of three parts, the "environment"
system, which provides the reference state copies; the register, which is an
auxiliary subsystem that interacts with the environment to acquire information
from it; and the agent, which corresponds to the quantum state that is adapted
by digital feedback with input corresponding to the outcome of the measurements
on the register. With this proposal we can achieve an average fidelity between
the environment and the agent of more than $90\% $ with less than $30$
iterations of the protocol. In addition, we extend the formalism to $ d
$-dimensional states, reaching an average fidelity of around $80\% $ in less
than $400$ iterations for $d=$ 11, for a variety of genuinely quantum and
semiclassical states. This work paves the way for the development of quantum
reinforcement learning protocols using quantum data and for the future
deployment of semi-autonomous quantum systems.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.