title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Modular Resource Centric Learning for Workflow Performance Prediction | Workflows provide an expressive programming model for fine-grained control of
large-scale applications in distributed computing environments. Accurate
estimates of complex workflow execution metrics on large-scale machines have
several key advantages. The performance of scheduling algorithms that rely on
estimates of execution metrics degrades when the accuracy of predicted
execution metrics decreases. This in-progress paper presents a technique being
developed to improve the accuracy of predicted performance metrics of
large-scale workflows on distributed platforms. The central idea of this work
is to train resource-centric machine learning agents to capture complex
relationships between a set of program instructions and their performance
metrics when executed on a specific resource. This resource-centric view of a
workflow exploits the fact that predicting execution times of sub-modules of a
workflow requires monitoring and modeling of a few dynamic and static features.
We transform the input workflow that is essentially a directed acyclic graph of
actions into a Physical Resource Execution Plan (PREP). This transformation
enables us to model an arbitrarily complex workflow as a set of simpler
programs running on physical nodes. We delegate a machine learning model to
capture performance metrics for each resource type when it executes different
program instructions under varying degrees of resource contention. Our
algorithm takes the prediction metrics from each resource agent and composes
the overall workflow performance metrics by utilizing the structure of the
corresponding Physical Resource Execution Plan.
|
Lattice Rescoring Strategies for Long Short Term Memory Language Models
in Speech Recognition | Recurrent neural network (RNN) language models (LMs) and Long Short Term
Memory (LSTM) LMs, a variant of RNN LMs, have been shown to outperform
traditional N-gram LMs on speech recognition tasks. However, these models are
computationally more expensive than N-gram LMs for decoding, and thus,
challenging to integrate into speech recognizers. Recent research has proposed
the use of lattice-rescoring algorithms using RNNLMs and LSTMLMs as an
efficient strategy to integrate these models into a speech recognition system.
In this paper, we evaluate existing lattice rescoring algorithms along with new
variants on a YouTube speech recognition task. Lattice rescoring using LSTMLMs
reduces the word error rate (WER) for this task by 8\% relative to the WER
obtained using an N-gram LM.
|
A Machine Learning Approach to Modeling Human Migration | Human migration is a type of human mobility, where a trip involves a person
moving with the intention of changing their home location. Predicting human
migration as accurately as possible is important in city planning applications,
international trade, spread of infectious diseases, conservation planning, and
public policy development. Traditional human mobility models, such as gravity
models or the more recent radiation model, predict human mobility flows based
on population and distance features only. These models have been validated on
commuting flows, a different type of human mobility, and are mainly used in
modeling scenarios where large amounts of prior ground truth mobility data are
not available. One downside of these models is that they have a fixed form and
are therefore not able to capture more complicated migration dynamics. We
propose machine learning models that are able to incorporate any number of
exogenous features, to predict origin/destination human migration flows. Our
machine learning models outperform traditional human mobility models on a
variety of evaluation metrics, both in the task of predicting migrations
between US counties as well as international migrations. In general, predictive
machine learning models of human migration will provide a flexible base with
which to model human migration under different what-if conditions, such as
potential sea level rise or population growth scenarios.
|
The best defense is a good offense: Countering black box attacks by
predicting slightly wrong labels | Black-Box attacks on machine learning models occur when an attacker, despite
having no access to the inner workings of a model, can successfully craft an
attack by means of model theft. The attacker will train an own substitute model
that mimics the model to be attacked. The substitute can then be used to design
attacks against the original model, for example by means of adversarial
samples. We put ourselves in the shoes of the defender and present a method
that can successfully avoid model theft by mounting a counter-attack.
Specifically, to any incoming query, we slightly perturb our output label
distribution in a way that makes substitute training infeasible. We demonstrate
that the perturbation does not affect the ordinary use of our model, but
results in an effective defense against attacks based on model theft.
|
A Convex Parametrization of a New Class of Universal Kernel Functions | The accuracy and complexity of kernel learning algorithms is determined by
the set of kernels over which it is able to optimize. An ideal set of kernels
should: admit a linear parameterization (tractability); be dense in the set of
all kernels (accuracy); and every member should be universal so that the
hypothesis space is infinite-dimensional (scalability). Currently, there is no
class of kernel that meets all three criteria - e.g. Gaussians are not
tractable or accurate; polynomials are not scalable. We propose a new class
that meet all three criteria - the Tessellated Kernel (TK) class. Specifically,
the TK class: admits a linear parameterization using positive matrices; is
dense in all kernels; and every element in the class is universal. This implies
that the use of TK kernels for learning the kernel can obviate the need for
selecting candidate kernels in algorithms such as SimpleMKL and parameters such
as the bandwidth. Numerical testing on soft margin Support Vector Machine (SVM)
problems show that algorithms using TK kernels outperform other kernel learning
algorithms and neural networks. Furthermore, our results show that when the
ratio of the number of training data to features is high, the improvement of TK
over MKL increases significantly.
|
Efficient Estimation of Generalization Error and Bias-Variance
Components of Ensembles | For many applications, an ensemble of base classifiers is an effective
solution. The tuning of its parameters(number of classes, amount of data on
which each classifier is to be trained on, etc.) requires G, the generalization
error of a given ensemble. The efficient estimation of G is the focus of this
paper. The key idea is to approximate the variance of the class
scores/probabilities of the base classifiers over the randomness imposed by the
training subset by normal/beta distribution at each point x in the input
feature space. We estimate the parameters of the distribution using a small set
of randomly chosen base classifiers and use those parameters to give efficient
estimation schemes for G. We give empirical evidence for the quality of the
various estimators. We also demonstrate their usefulness in making design
choices such as the number of classifiers in the ensemble and the size of a
subset of data used for training that is needed to achieve a certain value of
generalization error. Our approach also has great potential for designing
distributed ensemble classifiers.
|
Accelerated Alternating Projections for Robust Principal Component
Analysis | We study robust PCA for the fully observed setting, which is about separating
a low rank matrix $\boldsymbol{L}$ and a sparse matrix $\boldsymbol{S}$ from
their sum $\boldsymbol{D}=\boldsymbol{L}+\boldsymbol{S}$. In this paper, a new
algorithm, dubbed accelerated alternating projections, is introduced for robust
PCA which significantly improves the computational efficiency of the existing
alternating projections proposed in [Netrapalli, Praneeth, et al., 2014] when
updating the low rank factor. The acceleration is achieved by first projecting
a matrix onto some low dimensional subspace before obtaining a new estimate of
the low rank matrix via truncated SVD. Exact recovery guarantee has been
established which shows linear convergence of the proposed algorithm. Empirical
performance evaluations establish the advantage of our algorithm over other
state-of-the-art algorithms for robust PCA.
|
Variational Adaptive-Newton Method for Explorative Learning | We present the Variational Adaptive Newton (VAN) method which is a black-box
optimization method especially suitable for explorative-learning tasks such as
active learning and reinforcement learning. Similar to Bayesian methods, VAN
estimates a distribution that can be used for exploration, but requires
computations that are similar to continuous optimization methods. Our
theoretical contribution reveals that VAN is a second-order method that unifies
existing methods in distinct fields of continuous optimization, variational
inference, and evolution strategies. Our experimental results show that VAN
performs well on a wide-variety of learning tasks. This work presents a
general-purpose explorative-learning method that has the potential to improve
learning in areas such as active learning and reinforcement learning.
|
Advances in Variational Inference | Many modern unsupervised or semi-supervised machine learning algorithms rely
on Bayesian probabilistic models. These models are usually intractable and thus
require approximate inference. Variational inference (VI) lets us approximate a
high-dimensional Bayesian posterior with a simpler variational distribution by
solving an optimization problem. This approach has been successfully used in
various models and large-scale applications. In this review, we give an
overview of recent trends in variational inference. We first introduce standard
mean field variational inference, then review recent advances focusing on the
following aspects: (a) scalable VI, which includes stochastic approximations,
(b) generic VI, which extends the applicability of VI to a large class of
otherwise intractable models, such as non-conjugate models, (c) accurate VI,
which includes variational models beyond the mean field approximation or with
atypical divergences, and (d) amortized VI, which implements the inference over
local latent variables with inference networks. Finally, we provide a summary
of promising future research directions.
|
Deep Temporal-Recurrent-Replicated-Softmax for Topical Trends over Time | Dynamic topic modeling facilitates the identification of topical trends over
time in temporal collections of unstructured documents. We introduce a novel
unsupervised neural dynamic topic model named as Recurrent Neural
Network-Replicated Softmax Model (RNNRSM), where the discovered topics at each
time influence the topic discovery in the subsequent time steps. We account for
the temporal ordering of documents by explicitly modeling a joint distribution
of latent topical dependencies over time, using distributional estimators with
temporal recurrent connections. Applying RNN-RSM to 19 years of articles on NLP
research, we demonstrate that compared to state-of-the art topic models, RNNRSM
shows better generalization, topic interpretation, evolution and trends. We
also introduce a metric (named as SPAN) to quantify the capability of dynamic
topic model to capture word evolution in topics over time.
|
Exploiting Layerwise Convexity of Rectifier Networks with Sign
Constrained Weights | By introducing sign constraints on the weights, this paper proposes sign
constrained rectifier networks (SCRNs), whose training can be solved
efficiently by the well known majorization-minimization (MM) algorithms. We
prove that the proposed two-hidden-layer SCRNs, which exhibit negative weights
in the second hidden layer and negative weights in the output layer, are
capable of separating any two (or more) disjoint pattern sets. Furthermore, the
proposed two-hidden-layer SCRNs can decompose the patterns of each class into
several clusters so that each cluster is convexly separable from all the
patterns from the other classes. This provides a means to learn the pattern
structures and analyse the discriminant factors between different classes of
patterns.
|
Motif-based Convolutional Neural Network on Graphs | This paper introduces a generalization of Convolutional Neural Networks
(CNNs) to graphs with irregular linkage structures, especially heterogeneous
graphs with typed nodes and schemas. We propose a novel spatial convolution
operation to model the key properties of local connectivity and translation
invariance, using high-order connection patterns or motifs. We develop a novel
deep architecture Motif-CNN that employs an attention model to combine the
features extracted from multiple patterns, thus effectively capturing
high-order structural and feature information. Our experiments on
semi-supervised node classification on real-world social networks and multiple
representative heterogeneous graph datasets indicate significant gains of 6-21%
over existing graph CNNs and other state-of-the-art techniques.
|
CSWA: Aggregation-Free Spatial-Temporal Community Sensing | In this paper, we present a novel community sensing paradigm -- {C}ommunity
{S}ensing {W}ithout {A}ggregation}. CSWA is designed to obtain the environment
information (e.g., air pollution or temperature) in each subarea of the target
area, without aggregating sensor and location data collected by community
members. CSWA operates on top of a secured peer-to-peer network over the
community members and proposes a novel \emph{Decentralized Spatial-Temporal
Compressive Sensing} framework based on \emph{Parallelized Stochastic Gradient
Descent}. Through learning the \emph{low-rank structure} via distributed
optimization, CSWA approximates the value of the sensor data in each subarea
(both covered and uncovered) for each sensing cycle using the sensor data
locally stored in each member's mobile device. Simulation experiments based on
real-world datasets demonstrate that CSWA exhibits low approximation error
(i.e., less than $0.2 ^\circ$C in city-wide temperature sensing task and $10$
units of PM2.5 index in urban air pollution sensing) and performs comparably to
(sometimes better than) state-of-the-art algorithms based on the data
aggregation and centralized computation.
|
BBQ-Networks: Efficient Exploration in Deep Reinforcement Learning for
Task-Oriented Dialogue Systems | We present a new algorithm that significantly improves the efficiency of
exploration for deep Q-learning agents in dialogue systems. Our agents explore
via Thompson sampling, drawing Monte Carlo samples from a Bayes-by-Backprop
neural network. Our algorithm learns much faster than common exploration
strategies such as \epsilon-greedy, Boltzmann, bootstrapping, and
intrinsic-reward-based ones. Additionally, we show that spiking the replay
buffer with experiences from just a few successful episodes can make Q-learning
feasible when it might otherwise fail.
|
Variational Bi-LSTMs | Recurrent neural networks like long short-term memory (LSTM) are important
architectures for sequential prediction tasks. LSTMs (and RNNs in general)
model sequences along the forward time direction. Bidirectional LSTMs
(Bi-LSTMs) on the other hand model sequences along both forward and backward
directions and are generally known to perform better at such tasks because they
capture a richer representation of the data. In the training of Bi-LSTMs, the
forward and backward paths are learned independently. We propose a variant of
the Bi-LSTM architecture, which we call Variational Bi-LSTM, that creates a
channel between the two paths (during training, but which may be omitted during
inference); thus optimizing the two paths jointly. We arrive at this joint
objective for our model by minimizing a variational lower bound of the joint
likelihood of the data sequence. Our model acts as a regularizer and encourages
the two networks to inform each other in making their respective predictions
using distinct information. We perform ablation studies to better understand
the different components of our model and evaluate the method on various
benchmarks, showing state-of-the-art performance.
|
Markov Decision Processes with Continuous Side Information | We consider a reinforcement learning (RL) setting in which the agent
interacts with a sequence of episodic MDPs. At the start of each episode the
agent has access to some side-information or context that determines the
dynamics of the MDP for that episode. Our setting is motivated by applications
in healthcare where baseline measurements of a patient at the start of a
treatment episode form the context that may provide information about how the
patient might respond to treatment decisions. We propose algorithms for
learning in such Contextual Markov Decision Processes (CMDPs) under an
assumption that the unobserved MDP parameters vary smoothly with the observed
context. We also give lower and upper PAC bounds under the smoothness
assumption. Because our lower bound has an exponential dependence on the
dimension, we consider a tractable linear setting where the context is used to
create linear combinations of a finite set of MDPs. For the linear setting, we
give a PAC learning algorithm based on KWIK learning techniques.
|
Chipmunk: A Systolically Scalable 0.9 mm${}^2$, 3.08 Gop/s/mW @ 1.2 mW
Accelerator for Near-Sensor Recurrent Neural Network Inference | Recurrent neural networks (RNNs) are state-of-the-art in voice
awareness/understanding and speech recognition. On-device computation of RNNs
on low-power mobile and wearable devices would be key to applications such as
zero-latency voice-based human-machine interfaces. Here we present Chipmunk, a
small (<1 mm${}^2$) hardware accelerator for Long-Short Term Memory RNNs in UMC
65 nm technology capable to operate at a measured peak efficiency up to 3.08
Gop/s/mW at 1.24 mW peak power. To implement big RNN models without incurring
in huge memory transfer overhead, multiple Chipmunk engines can cooperate to
form a single systolic array. In this way, the Chipmunk architecture in a 75
tiles configuration can achieve real-time phoneme extraction on a demanding RNN
topology proposed by Graves et al., consuming less than 13 mW of average power.
|
Exploring Speech Enhancement with Generative Adversarial Networks for
Robust Speech Recognition | We investigate the effectiveness of generative adversarial networks (GANs)
for speech enhancement, in the context of improving noise robustness of
automatic speech recognition (ASR) systems. Prior work demonstrates that GANs
can effectively suppress additive noise in raw waveform speech signals,
improving perceptual quality metrics; however this technique was not justified
in the context of ASR. In this work, we conduct a detailed study to measure the
effectiveness of GANs in enhancing speech contaminated by both additive and
reverberant noise. Motivated by recent advances in image processing, we propose
operating GANs on log-Mel filterbank spectra instead of waveforms, which
requires less computation and is more robust to reverberant noise. While GAN
enhancement improves the performance of a clean-trained ASR system on noisy
speech, it falls short of the performance achieved by conventional multi-style
training (MTR). By appending the GAN-enhanced features to the noisy inputs and
retraining, we achieve a 7% WER improvement relative to the MTR system.
|
Random gradient extrapolation for distributed and stochastic
optimization | In this paper, we consider a class of finite-sum convex optimization problems
defined over a distributed multiagent network with $m$ agents connected to a
central server. In particular, the objective function consists of the average
of $m$ ($\ge 1$) smooth components associated with each network agent together
with a strongly convex term. Our major contribution is to develop a new
randomized incremental gradient algorithm, namely random gradient extrapolation
method (RGEM), which does not require any exact gradient evaluation even for
the initial point, but can achieve the optimal ${\cal O}(\log(1/\epsilon))$
complexity bound in terms of the total number of gradient evaluations of
component functions to solve the finite-sum problems. Furthermore, we
demonstrate that for stochastic finite-sum optimization problems, RGEM
maintains the optimal ${\cal O}(1/\epsilon)$ complexity (up to a certain
logarithmic factor) in terms of the number of stochastic gradient computations,
but attains an ${\cal O}(\log(1/\epsilon))$ complexity in terms of
communication rounds (each round involves only one agent). It is worth noting
that the former bound is independent of the number of agents $m$, while the
latter one only linearly depends on $m$ or even $\sqrt m$ for ill-conditioned
problems. To the best of our knowledge, this is the first time that these
complexity bounds have been obtained for distributed and stochastic
optimization problems. Moreover, our algorithms were developed based on a novel
dual perspective of Nesterov's accelerated gradient method.
|
Latent Constraints: Learning to Generate Conditionally from
Unconditional Generative Models | Deep generative neural networks have proven effective at both conditional and
unconditional modeling of complex data distributions. Conditional generation
enables interactive control, but creating new controls often requires expensive
retraining. In this paper, we develop a method to condition generation without
retraining the model. By post-hoc learning latent constraints, value functions
that identify regions in latent space that generate outputs with desired
attributes, we can conditionally sample from these regions with gradient-based
optimization or amortized actor functions. Combining attribute constraints with
a universal "realism" constraint, which enforces similarity to the data
distribution, we generate realistic conditional images from an unconditional
variational autoencoder. Further, using gradient-based optimization, we
demonstrate identity-preserving transformations that make the minimal
adjustment in latent space to modify the attributes of an image. Finally, with
discrete sequences of musical notes, we demonstrate zero-shot conditional
generation, learning latent constraints in the absence of labeled data or a
differentiable reward function. Code with dedicated cloud instance has been
made publicly available (https://goo.gl/STGMGx).
|
Aggregated Wasserstein Metric and State Registration for Hidden Markov
Models | We propose a framework, named Aggregated Wasserstein, for computing a
dissimilarity measure or distance between two Hidden Markov Models with state
conditional distributions being Gaussian. For such HMMs, the marginal
distribution at any time position follows a Gaussian mixture distribution, a
fact exploited to softly match, aka register, the states in two HMMs. We refer
to such HMMs as Gaussian mixture model-HMM (GMM-HMM). The registration of
states is inspired by the intrinsic relationship of optimal transport and the
Wasserstein metric between distributions. Specifically, the components of the
marginal GMMs are matched by solving an optimal transport problem where the
cost between components is the Wasserstein metric for Gaussian distributions.
The solution of the optimization problem is a fast approximation to the
Wasserstein metric between two GMMs. The new Aggregated Wasserstein distance is
a semi-metric and can be computed without generating Monte Carlo samples. It is
invariant to relabeling or permutation of states. The distance is defined
meaningfully even for two HMMs that are estimated from data of different
dimensionality, a situation that can arise due to missing variables. This
distance quantifies the dissimilarity of GMM-HMMs by measuring both the
difference between the two marginal GMMs and that between the two transition
matrices. Our new distance is tested on tasks of retrieval, classification, and
t-SNE visualization of time series. Experiments on both synthetic and real data
have demonstrated its advantages in terms of accuracy as well as efficiency in
comparison with existing distances based on the Kullback-Leibler divergence.
|
ORBIT: Ordering Based Information Transfer Across Space and Time for
Global Surface Water Monitoring | Many earth science applications require data at both high spatial and
temporal resolution for effective monitoring of various ecosystem resources.
Due to practical limitations in sensor design, there is often a trade-off in
different resolutions of spatio-temporal datasets and hence a single sensor
alone cannot provide the required information. Various data fusion methods have
been proposed in the literature that mainly rely on individual timesteps when
both datasets are available to learn a mapping between features values at
different resolutions using local relationships between pixels. Earth
observation data is often plagued with spatially and temporally correlated
noise, outliers and missing data due to atmospheric disturbances which pose a
challenge in learning the mapping from a local neighborhood at individual
timesteps. In this paper, we aim to exploit time-independent global
relationships between pixels for robust transfer of information across
different scales. Specifically, we propose a new framework, ORBIT (Ordering
Based Information Transfer) that uses relative ordering constraint among pixels
to transfer information across both time and scales. The effectiveness of the
framework is demonstrated for global surface water monitoring using both
synthetic and real-world datasets.
|
Hierarchical Modeling of Seed Variety Yields and Decision Making for
Future Planting Plans | Eradicating hunger and malnutrition is a key development goal of the 21st
century. We address the problem of optimally identifying seed varieties to
reliably increase crop yield within a risk-sensitive decision-making framework.
Specifically, we introduce a novel hierarchical machine learning mechanism for
predicting crop yield (the yield of different seed varieties of the same crop).
We integrate this prediction mechanism with a weather forecasting model, and
propose three different approaches for decision making under uncertainty to
select seed varieties for planting so as to balance yield maximization and
risk.We apply our model to the problem of soybean variety selection given in
the 2016 Syngenta Crop Challenge. Our prediction model achieves a median
absolute error of 3.74 bushels per acre and thus provides good estimates for
input into the decision models.Our decision models identify the selection of
soybean varieties that appropriately balance yield and risk as a function of
the farmer's risk aversion level. More generally, our models support farmers in
decision making about which seed varieties to plant.
|
Costate-focused models for reinforcement learning | Many recent algorithms for reinforcement learning are model-free and founded
on the Bellman equation. Here we present a method founded on the costate
equation and models of the state dynamics. We use the costate -- the gradient
of cost with respect to state -- to improve the policy and also to "focus" the
model, training it to detect and mimic those features of the environment that
are most relevant to its task. We show that this method can handle difficult
time-optimal control problems, driving deterministic or stochastic mechanical
systems quickly to a target. On these tasks it works well compared to deep
deterministic policy gradient, a recent Bellman method. And because it creates
a model, the costate method can also learn from mental practice.
|
Zero-Shot Learning via Class-Conditioned Deep Generative Models | We present a deep generative model for learning to predict classes not seen
at training time. Unlike most existing methods for this problem, that represent
each class as a point (via a semantic embedding), we represent each seen/unseen
class using a class-specific latent-space distribution, conditioned on class
attributes. We use these latent-space distributions as a prior for a supervised
variational autoencoder (VAE), which also facilitates learning highly
discriminative feature representations for the inputs. The entire framework is
learned end-to-end using only the seen-class training data. The model infers
corresponding attributes of a test image by maximizing the VAE lower bound; the
inferred attributes may be linked to labels not seen when training. We further
extend our model to a (1) semi-supervised/transductive setting by leveraging
unlabeled unseen-class data via an unsupervised learning module, and (2)
few-shot learning where we also have a small number of labeled inputs from the
unseen classes. We compare our model with several state-of-the-art methods
through a comprehensive set of experiments on a variety of benchmark data sets.
|
Understanding the Changing Roles of Scientific Publications via Citation
Embeddings | Researchers may describe different aspects of past scientific publications in
their publications and the descriptions may keep changing in the evolution of
science. The diverse and changing descriptions (i.e., citation context) on a
publication characterize the impact and contributions of the past publication.
In this article, we aim to provide an approach to understanding the changing
and complex roles of a publication characterized by its citation context. We
described a method to represent the publications' dynamic roles in science
community in different periods as a sequence of vectors by training temporal
embedding models. The temporal representations can be used to quantify how much
the roles of publications changed and interpret how they changed. Our study in
the biomedical domain shows that our metric on the changes of publications'
roles is stable over time at the population level but significantly distinguish
individuals. We also show the interpretability of our methods by a concrete
example.
|
Finding Efficient Swimming Strategies in a Three Dimensional Chaotic
Flow by Reinforcement Learning | We apply a reinforcement learning algorithm to show how smart particles can
learn approximately optimal strategies to navigate in complex flows. In this
paper we consider microswimmers in a paradigmatic three-dimensional case given
by a stationary superposition of two Arnold-Beltrami-Childress flows with
chaotic advection along streamlines. In such a flow, we study the evolution of
point-like particles which can decide in which direction to swim, while keeping
the velocity amplitude constant. We show that it is sufficient to endow the
swimmers with a very restricted set of actions (six fixed swimming directions
in our case) to have enough freedom to find efficient strategies to move upward
and escape local fluid traps. The key ingredient is the
learning-from-experience structure of the algorithm, which assigns positive or
negative rewards depending on whether the taken action is, or is not,
profitable for the predetermined goal in the long term horizon. This is another
example supporting the efficiency of the reinforcement learning approach to
learn how to accomplish difficult tasks in complex fluid environments.
|
BoostJet: Towards Combining Statistical Aggregates with Neural
Embeddings for Recommendations | Recommenders have become widely popular in recent years because of their
broader applicability in many e-commerce applications. These applications rely
on recommenders for generating advertisements for various offers or providing
content recommendations. However, the quality of the generated recommendations
depends on user features (like demography, temporality), offer features (like
popularity, price), and user-offer features (like implicit or explicit
feedback). Current state-of-the-art recommenders do not explore such diverse
features concurrently while generating the recommendations.
In this paper, we first introduce the notion of Trackers which enables us to
capture the above-mentioned features and thus incorporate users' online
behaviour through statistical aggregates of different features (demography,
temporality, popularity, price). We also show how to capture offer-to-offer
relations, based on their consumption sequence, leveraging neural embeddings
for offers in our Offer2Vec algorithm. We then introduce BoostJet, a novel
recommender which integrates the Trackers along with the neural embeddings
using MatrixNet, an efficient distributed implementation of gradient boosted
decision tree, to improve the recommendation quality significantly. We provide
an in-depth evaluation of BoostJet on Yandex's dataset, collecting online
behaviour from tens of millions of online users, to demonstrate the
practicality of BoostJet in terms of recommendation quality as well as
scalability.
|
Knowledge transfer for surgical activity prediction | Lack of training data hinders automatic recognition and prediction of
surgical activities necessary for situation-aware operating rooms. We propose
using knowledge transfer to compensate for data deficit and improve prediction.
We used two approaches to extract and transfer surgical process knowledge.
First, we encoded semantic information about surgical terms using word
embedding which boosted learning process. Secondly, we passed knowledge between
different clinical datasets of neurosurgical procedures using transfer
learning. Transfer learning was shown to be more effective than a simple
combination of data, especially for less similar procedures. The combination of
two methods provided 22% improvement of activity prediction. We also made
several pertinent observations about surgical practices.
|
Apprentice: Using Knowledge Distillation Techniques To Improve
Low-Precision Network Accuracy | Deep learning networks have achieved state-of-the-art accuracies on computer
vision workloads like image classification and object detection. The performant
systems, however, typically involve big models with numerous parameters. Once
trained, a challenging aspect for such top performing models is deployment on
resource constrained inference systems - the models (often deep networks or
wide networks or both) are compute and memory intensive. Low-precision numerics
and model compression using knowledge distillation are popular techniques to
lower both the compute requirements and memory footprint of these deployed
models. In this paper, we study the combination of these two techniques and
show that the performance of low-precision networks can be significantly
improved by using knowledge distillation techniques. Our approach, Apprentice,
achieves state-of-the-art accuracies using ternary precision and 4-bit
precision for variants of ResNet architecture on ImageNet dataset. We present
three schemes using which one can apply knowledge distillation techniques to
various stages of the train-and-deploy pipeline.
|
Hybrid Approach of Relation Network and Localized Graph Convolutional
Filtering for Breast Cancer Subtype Classification | Network biology has been successfully used to help reveal complex mechanisms
of disease, especially cancer. On the other hand, network biology requires
in-depth knowledge to construct disease-specific networks, but our current
knowledge is very limited even with the recent advances in human cancer
biology. Deep learning has shown a great potential to address the difficult
situation like this. However, deep learning technologies conventionally use
grid-like structured data, thus application of deep learning technologies to
the classification of human disease subtypes is yet to be explored. Recently,
graph based deep learning techniques have emerged, which becomes an opportunity
to leverage analyses in network biology. In this paper, we proposed a hybrid
model, which integrates two key components 1) graph convolution neural network
(graph CNN) and 2) relation network (RN). We utilize graph CNN as a component
to learn expression patterns of cooperative gene community, and RN as a
component to learn associations between learned patterns. The proposed model is
applied to the PAM50 breast cancer subtype classification task, the standard
breast cancer subtype classification of clinical utility. In experiments of
both subtype classification and patient survival analysis, our proposed method
achieved significantly better performances than existing methods. We believe
that this work is an important starting point to realize the upcoming
personalized medicine.
|
Pricing Football Players using Neural Networks | We designed a multilayer perceptron neural network to predict the price of a
football (soccer) player using data on more than 15,000 players from the
football simulation video game FIFA 2017. The network was optimized by
experimenting with different activation functions, number of neurons and
layers, learning rate and its decay, Nesterov momentum based stochastic
gradient descent, L2 regularization, and early stopping. Simultaneous
exploration of various aspects of neural network training is performed and
their trade-offs are investigated. Our final model achieves a top-5 accuracy of
87.2% among 119 pricing categories, and places any footballer within 6.32% of
his actual price on average.
|
Predictive Independence Testing, Predictive Conditional Independence
Testing, and Predictive Graphical Modelling | Testing (conditional) independence of multivariate random variables is a task
central to statistical inference and modelling in general - though
unfortunately one for which to date there does not exist a practicable
workflow. State-of-art workflows suffer from the need for heuristic or
subjective manual choices, high computational complexity, or strong parametric
assumptions.
We address these problems by establishing a theoretical link between
multivariate/conditional independence testing, and model comparison in the
multivariate predictive modelling aka supervised learning task. This link
allows advances in the extensively studied supervised learning workflow to be
directly transferred to independence testing workflows - including automated
tuning of machine learning type which addresses the need for a heuristic
choice, the ability to quantitatively trade-off computational demand with
accuracy, and the modern black-box philosophy for checking and interfacing.
As a practical implementation of this link between the two workflows, we
present a python package 'pcit', which implements our novel multivariate and
conditional independence tests, interfacing the supervised learning API of the
scikit-learn package. Theory and package also allow for straightforward
independence test based learning of graphical model structure.
We empirically show that our proposed predictive independence test outperform
or are on par to current practice, and the derived graphical model structure
learning algorithms asymptotically recover the 'true' graph. This paper, and
the 'pcit' package accompanying it, thus provide powerful, scalable,
generalizable, and easy-to-use methods for multivariate and conditional
independence testing, as well as for graphical model structure learning.
|
On Communication Complexity of Classification Problems | This work studies distributed learning in the spirit of Yao's model of
communication complexity: consider a two-party setting, where each of the
players gets a list of labelled examples and they communicate in order to
jointly perform some learning task. To naturally fit into the framework of
learning theory, the players can send each other examples (as well as bits)
where each example/bit costs one unit of communication. This enables a uniform
treatment of infinite classes such as half-spaces in $\mathbb{R}^d$, which are
ubiquitous in machine learning.
We study several fundamental questions in this model. For example, we provide
combinatorial characterizations of the classes that can be learned with
efficient communication in the proper-case as well as in the improper-case.
These findings imply unconditional separations between various learning
contexts, e.g.\ realizable versus agnostic learning, proper versus improper
learning, etc.
The derivation of these results hinges on a type of decision problems we term
"{\it realizability problems}" where the goal is deciding whether a distributed
input sample is consistent with an hypothesis from a pre-specified class.
From a technical perspective, the protocols we use are based on ideas from
machine learning theory and the impossibility results are based on ideas from
communication complexity theory.
|
How Generative Adversarial Networks and Their Variants Work: An Overview | Generative Adversarial Networks (GAN) have received wide attention in the
machine learning field for their potential to learn high-dimensional, complex
real data distribution. Specifically, they do not rely on any assumptions about
the distribution and can generate real-like samples from latent space in a
simple manner. This powerful property leads GAN to be applied to various
applications such as image synthesis, image attribute editing, image
translation, domain adaptation and other academic fields. In this paper, we aim
to discuss the details of GAN for those readers who are familiar with, but do
not comprehend GAN deeply or who wish to view GAN from various perspectives. In
addition, we explain how GAN operates and the fundamental meaning of various
objective functions that have been suggested recently. We then focus on how the
GAN can be combined with an autoencoder framework. Finally, we enumerate the
GAN variants that are applied to various tasks and other fields for those who
are interested in exploiting GAN for their research.
|
Priming Neural Networks | Visual priming is known to affect the human visual system to allow detection
of scene elements, even those that may have been near unnoticeable before, such
as the presence of camouflaged animals. This process has been shown to be an
effect of top-down signaling in the visual system triggered by the said cue. In
this paper, we propose a mechanism to mimic the process of priming in the
context of object detection and segmentation. We view priming as having a
modulatory, cue dependent effect on layers of features within a network. Our
results show how such a process can be complementary to, and at times more
effective than simple post-processing applied to the output of the network,
notably so in cases where the object is hard to detect such as in severe noise.
Moreover, we find the effects of priming are sometimes stronger when early
visual layers are affected. Overall, our experiments confirm that top-down
signals can go a long way in improving object detection and segmentation.
|
Budget-Constrained Multi-Armed Bandits with Multiple Plays | We study the multi-armed bandit problem with multiple plays and a budget
constraint for both the stochastic and the adversarial setting. At each round,
exactly $K$ out of $N$ possible arms have to be played (with $1\leq K \leq N$).
In addition to observing the individual rewards for each arm played, the player
also learns a vector of costs which has to be covered with an a-priori defined
budget $B$. The game ends when the sum of current costs associated with the
played arms exceeds the remaining budget.
Firstly, we analyze this setting for the stochastic case, for which we assume
each arm to have an underlying cost and reward distribution with support
$[c_{\min}, 1]$ and $[0, 1]$, respectively. We derive an Upper Confidence Bound
(UCB) algorithm which achieves $O(NK^4 \log B)$ regret.
Secondly, for the adversarial case in which the entire sequence of rewards
and costs is fixed in advance, we derive an upper bound on the regret of order
$O(\sqrt{NB\log(N/K)})$ utilizing an extension of the well-known
$\texttt{Exp3}$ algorithm. We also provide upper bounds that hold with high
probability and a lower bound of order $\Omega((1 - K/N)^2 \sqrt{NB/K})$.
|
Enhanced Attacks on Defensively Distilled Deep Neural Networks | Deep neural networks (DNNs) have achieved tremendous success in many tasks of
machine learning, such as the image classification. Unfortunately, researchers
have shown that DNNs are easily attacked by adversarial examples, slightly
perturbed images which can mislead DNNs to give incorrect classification
results. Such attack has seriously hampered the deployment of DNN systems in
areas where security or safety requirements are strict, such as autonomous
cars, face recognition, malware detection. Defensive distillation is a
mechanism aimed at training a robust DNN which significantly reduces the
effectiveness of adversarial examples generation. However, the state-of-the-art
attack can be successful on distilled networks with 100% probability. But it is
a white-box attack which needs to know the inner information of DNN. Whereas,
the black-box scenario is more general. In this paper, we first propose the
epsilon-neighborhood attack, which can fool the defensively distilled networks
with 100% success rate in the white-box setting, and it is fast to generate
adversarial examples with good visual quality. On the basis of this attack, we
further propose the region-based attack against defensively distilled DNNs in
the black-box setting. And we also perform the bypass attack to indirectly
break the distillation defense as a complementary method. The experimental
results show that our black-box attacks have a considerable success rate on
defensively distilled networks.
|
Less-forgetful Learning for Domain Expansion in Deep Neural Networks | Expanding the domain that deep neural network has already learned without
accessing old domain data is a challenging task because deep neural networks
forget previously learned information when learning new data from a new domain.
In this paper, we propose a less-forgetful learning method for the domain
expansion scenario. While existing domain adaptation techniques solely focused
on adapting to new domains, the proposed technique focuses on working well with
both old and new domains without needing to know whether the input is from the
old or new domain. First, we present two naive approaches which will be
problematic, then we provide a new method using two proposed properties for
less-forgetful learning. Finally, we prove the effectiveness of our method
through experiments on image classification tasks. All datasets used in the
paper, will be released on our website for someone's follow-up study.
|
Hindsight policy gradients | A reinforcement learning agent that needs to pursue different goals across
episodes requires a goal-conditional policy. In addition to their potential to
generalize desirable behavior to unseen goals, such policies may also enable
higher-level planning based on subgoals. In sparse-reward environments, the
capacity to exploit information about the degree to which an arbitrary goal has
been achieved while another goal was intended appears crucial to enable sample
efficient learning. However, reinforcement learning agents have only recently
been endowed with such capacity for hindsight. In this paper, we demonstrate
how hindsight can be introduced to policy gradient methods, generalizing this
idea to a broad class of successful algorithms. Our experiments on a diverse
selection of sparse-reward environments show that hindsight leads to a
remarkable increase in sample efficiency.
|
Gaussian Process Decentralized Data Fusion Meets Transfer Learning in
Large-Scale Distributed Cooperative Perception | This paper presents novel Gaussian process decentralized data fusion
algorithms exploiting the notion of agent-centric support sets for distributed
cooperative perception of large-scale environmental phenomena. To overcome the
limitations of scale in existing works, our proposed algorithms allow every
mobile sensing agent to choose a different support set and dynamically switch
to another during execution for encapsulating its own data into a local summary
that, perhaps surprisingly, can still be assimilated with the other agents'
local summaries (i.e., based on their current choices of support sets) into a
globally consistent summary to be used for predicting the phenomenon. To
achieve this, we propose a novel transfer learning mechanism for a team of
agents capable of sharing and transferring information encapsulated in a
summary based on a support set to that utilizing a different support set with
some loss that can be theoretically bounded and analyzed. To alleviate the
issue of information loss accumulating over multiple instances of transfer
learning, we propose a new information sharing mechanism to be incorporated
into our algorithms in order to achieve memory-efficient lazy transfer
learning. Empirical evaluation on real-world datasets show that our algorithms
outperform the state-of-the-art methods.
|
The signature of robot action success in EEG signals of a human
observer: Decoding and visualization using deep convolutional neural networks | The importance of robotic assistive devices grows in our work and everyday
life. Cooperative scenarios involving both robots and humans require safe
human-robot interaction. One important aspect here is the management of robot
errors, including fast and accurate online robot-error detection and
correction. Analysis of brain signals from a human interacting with a robot may
help identifying robot errors, but accuracies of such analyses have still
substantial space for improvement. In this paper we evaluate whether a novel
framework based on deep convolutional neural networks (deep ConvNets) could
improve the accuracy of decoding robot errors from the EEG of a human observer,
both during an object grasping and a pouring task. We show that deep ConvNets
reached significantly higher accuracies than both regularized Linear
Discriminant Analysis (rLDA) and filter bank common spatial patterns (FB-CSP)
combined with rLDA, both widely used EEG classifiers. Deep ConvNets reached
mean accuracies of 75% +/- 9 %, rLDA 65% +/- 10% and FB-CSP + rLDA 63% +/- 6%
for decoding of erroneous vs. correct trials. Visualization of the time-domain
EEG features learned by the ConvNets to decode errors revealed spatiotemporal
patterns that reflected differences between the two experimental paradigms.
Across subjects, ConvNet decoding accuracies were significantly correlated with
those obtained with rLDA, but not CSP, indicating that in the present context
ConvNets behaved more 'rLDA-like' (but consistently better), while in a
previous decoding study with another task but the same ConvNet architecture, it
was found to behave more 'CSP-like'. Our findings thus provide further support
for the assumption that deep ConvNets are a versatile addition to the existing
toolbox of EEG decoding techniques, and we discuss steps how ConvNet EEG
decoding performance could be further optimized.
|
Towards better understanding of gradient-based attribution methods for
Deep Neural Networks | Understanding the flow of information in Deep Neural Networks (DNNs) is a
challenging problem that has gain increasing attention over the last few years.
While several methods have been proposed to explain network predictions, there
have been only a few attempts to compare them from a theoretical perspective.
What is more, no exhaustive empirical comparison has been performed in the
past. In this work, we analyze four gradient-based attribution methods and
formally prove conditions of equivalence and approximation between them. By
reformulating two of these methods, we construct a unified framework which
enables a direct comparison, as well as an easier implementation. Finally, we
propose a novel evaluation metric, called Sensitivity-n and test the
gradient-based attribution methods alongside with a simple perturbation-based
attribution method on several datasets in the domains of image and text
classification, using various network architectures.
|
Robust Unsupervised Domain Adaptation for Neural Networks via Moment
Alignment | A novel approach for unsupervised domain adaptation for neural networks is
proposed. It relies on metric-based regularization of the learning process. The
metric-based regularization aims at domain-invariant latent feature
representations by means of maximizing the similarity between domain-specific
activation distributions. The proposed metric results from modifying an
integral probability metric such that it becomes less translation-sensitive on
a polynomial function space. The metric has an intuitive interpretation in the
dual space as the sum of differences of higher order central moments of the
corresponding activation distributions. Under appropriate assumptions on the
input distributions, error minimization is proven for the continuous case. As
demonstrated by an analysis of standard benchmark experiments for sentiment
analysis, object recognition and digit recognition, the outlined approach is
robust regarding parameter changes and achieves higher classification
accuracies than comparable approaches. The source code is available at
https://github.com/wzell/mann.
|
Personalized Driver Stress Detection with Multi-task Neural Networks
using Physiological Signals | Stress can be seen as a physiological response to everyday emotional, mental
and physical challenges. A long-term exposure to stressful situations can have
negative health consequences, such as increased risk of cardiovascular diseases
and immune system disorder. Therefore, a timely stress detection can lead to
systems for better management and prevention in future circumstances. In this
paper, we suggest a multi-task learning based neural network approach (with
hard parameter sharing of mutual representation and task-specific layers) for
personalized stress recognition using skin conductance and heart rate from
wearable devices. The proposed method is tested on multi-modal physiological
responses collected during real-world and simulator driving tasks.
|
Learning Compositional Visual Concepts with Mutual Consistency | Compositionality of semantic concepts in image synthesis and analysis is
appealing as it can help in decomposing known and generatively recomposing
unknown data. For instance, we may learn concepts of changing illumination,
geometry or albedo of a scene, and try to recombine them to generate physically
meaningful, but unseen data for training and testing. In practice however we
often do not have samples from the joint concept space available: We may have
data on illumination change in one data set and on geometric change in another
one without complete overlap. We pose the following question: How can we learn
two or more concepts jointly from different data sets with mutual consistency
where we do not have samples from the full joint space? We present a novel
answer in this paper based on cyclic consistency over multiple concepts,
represented individually by generative adversarial networks (GANs). Our method,
ConceptGAN, can be understood as a drop in for data augmentation to improve
resilience for real world applications. Qualitative and quantitative
evaluations demonstrate its efficacy in generating semantically meaningful
images, as well as one shot face verification as an example application.
|
Beyond Sparsity: Tree Regularization of Deep Models for Interpretability | The lack of interpretability remains a key barrier to the adoption of deep
models in many applications. In this work, we explicitly regularize deep models
so human users might step through the process behind their predictions in
little time. Specifically, we train deep time-series models so their
class-probability predictions have high accuracy while being closely modeled by
decision trees with few nodes. Using intuitive toy examples as well as medical
tasks for treating sepsis and HIV, we demonstrate that this new tree
regularization yields models that are easier for humans to simulate than
simpler L1 or L2 penalties without sacrificing predictive power.
|
Neurology-as-a-Service for the Developing World | Electroencephalography (EEG) is an extensively-used and well-studied
technique in the field of medical diagnostics and treatment for brain
disorders, including epilepsy, migraines, and tumors. The analysis and
interpretation of EEGs require physicians to have specialized training, which
is not common even among most doctors in the developed world, let alone the
developing world where physician shortages plague society. This problem can be
addressed by teleEEG that uses remote EEG analysis by experts or by local
computer processing of EEGs. However, both of these options are prohibitively
expensive and the second option requires abundant computing resources and
infrastructure, which is another concern in developing countries where there
are resource constraints on capital and computing infrastructure. In this work,
we present a cloud-based deep neural network approach to provide decision
support for non-specialist physicians in EEG analysis and interpretation. Named
`neurology-as-a-service,' the approach requires almost no manual intervention
in feature engineering and in the selection of an optimal architecture and
hyperparameters of the neural network. In this study, we deploy a pipeline that
includes moving EEG data to the cloud and getting optimal models for various
classification tasks. Our initial prototype has been tested only in developed
world environments to-date, but our intention is to test it in developing world
environments in future work. We demonstrate the performance of our proposed
approach using the BCI2000 EEG MMI dataset, on which our service attains 63.4%
accuracy for the task of classifying real vs. imaginary activity performed by
the subject, which is significantly higher than what is obtained with a shallow
approach such as support vector machines.
|
A Forward-Backward Approach for Visualizing Information Flow in Deep
Networks | We introduce a new, systematic framework for visualizing information flow in
deep networks. Specifically, given any trained deep convolutional network model
and a given test image, our method produces a compact support in the image
domain that corresponds to a (high-resolution) feature that contributes to the
given explanation. Our method is both computationally efficient as well as
numerically robust. We present several preliminary numerical results that
support the benefits of our framework over existing methods.
|
A New Method for Performance Analysis in Nonlinear Dimensionality
Reduction | In this paper, we develop a local rank correlation measure which quantifies
the performance of dimension reduction methods. The local rank correlation is
easily interpretable, and robust against the extreme skewness of nearest
neighbor distributions in high dimensions. Some benchmark datasets are studied.
We find that the local rank correlation closely corresponds to our visual
interpretation of the quality of the output. In addition, we demonstrate that
the local rank correlation is useful in estimating the intrinsic dimensionality
of the original data, and in selecting a suitable value of tuning parameters
used in some algorithms.
|
Language-Based Image Editing with Recurrent Attentive Models | We investigate the problem of Language-Based Image Editing (LBIE). Given a
source image and a natural language description, we want to generate a target
image by editing the source image based on the description. We propose a
generic modeling framework for two sub-tasks of LBIE: language-based image
segmentation and image colorization. The framework uses recurrent attentive
models to fuse image and language features. Instead of using a fixed step size,
we introduce for each region of the image a termination gate to dynamically
determine after each inference step whether to continue extrapolating
additional information from the textual description. The effectiveness of the
framework is validated on three datasets. First, we introduce a synthetic
dataset, called CoSaL, to evaluate the end-to-end performance of our LBIE
system. Second, we show that the framework leads to state-of-the-art
performance on image segmentation on the ReferIt dataset. Third, we present the
first language-based colorization result on the Oxford-102 Flowers dataset.
|
Bayesian Best-Arm Identification for Selecting Influenza Mitigation
Strategies | Pandemic influenza has the epidemic potential to kill millions of people.
While various preventive measures exist (i.a., vaccination and school
closures), deciding on strategies that lead to their most effective and
efficient use remains challenging. To this end, individual-based
epidemiological models are essential to assist decision makers in determining
the best strategy to curb epidemic spread. However, individual-based models are
computationally intensive and it is therefore pivotal to identify the optimal
strategy using a minimal amount of model evaluations. Additionally, as
epidemiological modeling experiments need to be planned, a computational budget
needs to be specified a priori. Consequently, we present a new sampling
technique to optimize the evaluation of preventive strategies using fixed
budget best-arm identification algorithms. We use epidemiological modeling
theory to derive knowledge about the reward distribution which we exploit using
Bayesian best-arm identification algorithms (i.e., Top-two Thompson sampling
and BayesGap). We evaluate these algorithms in a realistic experimental setting
and demonstrate that it is possible to identify the optimal strategy using only
a limited number of model evaluations, i.e., 2-to-3 times faster compared to
the uniform sampling method, the predominant technique used for epidemiological
decision making in the literature. Finally, we contribute and evaluate a
statistic for Top-two Thompson sampling to inform the decision makers about the
confidence of an arm recommendation.
|
Towards Deep Learning Models for Psychological State Prediction using
Smartphone Data: Challenges and Opportunities | There is an increasing interest in exploiting mobile sensing technologies and
machine learning techniques for mental health monitoring and intervention.
Researchers have effectively used contextual information, such as mobility,
communication and mobile phone usage patterns for quantifying individuals' mood
and wellbeing. In this paper, we investigate the effectiveness of neural
network models for predicting users' level of stress by using the location
information collected by smartphones. We characterize the mobility patterns of
individuals using the GPS metrics presented in the literature and employ these
metrics as input to the network. We evaluate our approach on the open-source
StudentLife dataset. Moreover, we discuss the challenges and trade-offs
involved in building machine learning models for digital mental health and
highlight potential future work in this direction.
|
Question Asking as Program Generation | A hallmark of human intelligence is the ability to ask rich, creative, and
revealing questions. Here we introduce a cognitive model capable of
constructing human-like questions. Our approach treats questions as formal
programs that, when executed on the state of the world, output an answer. The
model specifies a probability distribution over a complex, compositional space
of programs, favoring concise programs that help the agent learn in the current
context. We evaluate our approach by modeling the types of open-ended questions
generated by humans who were attempting to learn about an ambiguous situation
in a game. We find that our model predicts what questions people will ask, and
can creatively produce novel questions that were not present in the training
set. In addition, we compare a number of model variants, finding that both
question informativeness and complexity are important for producing human-like
questions.
|
Improvements to context based self-supervised learning | We develop a set of methods to improve on the results of self-supervised
learning using context. We start with a baseline of patch based arrangement
context learning and go from there. Our methods address some overt problems
such as chromatic aberration as well as other potential problems such as
spatial skew and mid-level feature neglect. We prevent problems with testing
generalization on common self-supervised benchmark tests by using different
datasets during our development. The results of our methods combined yield top
scores on all standard self-supervised benchmarks, including classification and
detection on PASCAL VOC 2007, segmentation on PASCAL VOC 2012, and "linear
tests" on the ImageNet and CSAIL Places datasets. We obtain an improvement over
our baseline method of between 4.0 to 7.1 percentage points on transfer
learning classification tests. We also show results on different standard
network architectures to demonstrate generalization as well as portability. All
data, models and programs are available at:
https://gdo-datasci.llnl.gov/selfsupervised/.
|
Improving Palliative Care with Deep Learning | Improving the quality of end-of-life care for hospitalized patients is a
priority for healthcare organizations. Studies have shown that physicians tend
to over-estimate prognoses, which in combination with treatment inertia results
in a mismatch between patients wishes and actual care at the end of life. We
describe a method to address this problem using Deep Learning and Electronic
Health Record (EHR) data, which is currently being piloted, with Institutional
Review Board approval, at an academic medical center. The EHR data of admitted
patients are automatically evaluated by an algorithm, which brings patients who
are likely to benefit from palliative care services to the attention of the
Palliative Care team. The algorithm is a Deep Neural Network trained on the EHR
data from previous years, to predict all-cause 3-12 month mortality of patients
as a proxy for patients that could benefit from palliative care. Our
predictions enable the Palliative Care team to take a proactive approach in
reaching out to such patients, rather than relying on referrals from treating
physicians, or conduct time consuming chart reviews of all patients. We also
present a novel interpretation technique which we use to provide explanations
of the model's predictions.
|
A Resizable Mini-batch Gradient Descent based on a Multi-Armed Bandit | Determining the appropriate batch size for mini-batch gradient descent is
always time consuming as it often relies on grid search. This paper considers a
resizable mini-batch gradient descent (RMGD) algorithm based on a multi-armed
bandit for achieving best performance in grid search by selecting an
appropriate batch size at each epoch with a probability defined as a function
of its previous success/failure. This probability encourages exploration of
different batch size and then later exploitation of batch size with history of
success. At each epoch, the RMGD samples a batch size from its probability
distribution, then uses the selected batch size for mini-batch gradient
descent. After obtaining the validation loss at each epoch, the probability
distribution is updated to incorporate the effectiveness of the sampled batch
size. The RMGD essentially assists the learning process to explore the possible
domain of the batch size and exploit successful batch size. Experimental
results show that the RMGD achieves performance better than the best performing
single batch size. Furthermore, it, obviously, attains this performance in a
shorter amount of time than grid search. It is surprising that the RMGD
achieves better performance than grid search.
|
xUnit: Learning a Spatial Activation Function for Efficient Image
Restoration | In recent years, deep neural networks (DNNs) achieved unprecedented
performance in many low-level vision tasks. However, state-of-the-art results
are typically achieved by very deep networks, which can reach tens of layers
with tens of millions of parameters. To make DNNs implementable on platforms
with limited resources, it is necessary to weaken the tradeoff between
performance and efficiency. In this paper, we propose a new activation unit,
which is particularly suitable for image restoration problems. In contrast to
the widespread per-pixel activation units, like ReLUs and sigmoids, our unit
implements a learnable nonlinear function with spatial connections. This
enables the net to capture much more complex features, thus requiring a
significantly smaller number of layers in order to reach the same performance.
We illustrate the effectiveness of our units through experiments with
state-of-the-art nets for denoising, de-raining, and super resolution, which
are already considered to be very small. With our approach, we are able to
further reduce these models by nearly 50% without incurring any degradation in
performance.
|
Stochastic Non-convex Ordinal Embedding with Stabilized Barzilai-Borwein
Step Size | Learning representation from relative similarity comparisons, often called
ordinal embedding, gains rising attention in recent years. Most of the existing
methods are batch methods designed mainly based on the convex optimization,
say, the projected gradient descent method. However, they are generally
time-consuming due to that the singular value decomposition (SVD) is commonly
adopted during the update, especially when the data size is very large. To
overcome this challenge, we propose a stochastic algorithm called SVRG-SBB,
which has the following features: (a) SVD-free via dropping convexity, with
good scalability by the use of stochastic algorithm, i.e., stochastic variance
reduced gradient (SVRG), and (b) adaptive step size choice via introducing a
new stabilized Barzilai-Borwein (SBB) method as the original version for convex
problems might fail for the considered stochastic \textit{non-convex}
optimization problem. Moreover, we show that the proposed algorithm converges
to a stationary point at a rate $\mathcal{O}(\frac{1}{T})$ in our setting,
where $T$ is the number of total iterations. Numerous simulations and
real-world data experiments are conducted to show the effectiveness of the
proposed algorithm via comparing with the state-of-the-art methods,
particularly, much lower computational cost with good prediction performance.
|
A unified deep artificial neural network approach to partial
differential equations in complex geometries | In this paper we use deep feedforward artificial neural networks to
approximate solutions to partial differential equations in complex geometries.
We show how to modify the backpropagation algorithm to compute the partial
derivatives of the network output with respect to the space variables which is
needed to approximate the differential operator. The method is based on an
ansatz for the solution which requires nothing but feedforward neural networks
and an unconstrained gradient based optimization method such as gradient
descent or a quasi-Newton method.
We show an example where classical mesh based methods cannot be used and
neural networks can be seen as an attractive alternative. Finally, we highlight
the benefits of deep compared to shallow neural networks and device some other
convergence enhancing techniques.
|
Large Neural Network Based Detection of Apnea, Bradycardia and
Desaturation Events | Apnea, bradycardia and desaturation (ABD) events often precede
life-threatening events including sepsis in newborn babies. Here, we explore
machine learning for detection of ABD events as a binary classification
problem. We investigate the use of a large neural network to achieve a good
detection performance. To be user friendly, the chosen neural network does not
require a high level of parameter tuning. Furthermore, a limited amount of
training data is available and the training dataset is unbalanced. Comparing
with two widely used state-of-the-art machine learning algorithms, the large
neural network is found to be efficient. Even with a limited and unbalanced
training data, the large neural network provides a detection performance level
that is feasible to use in clinical care.
|
Classification of postoperative surgical site infections from blood
measurements with missing data using recurrent neural networks | Clinical measurements that can be represented as time series constitute an
important fraction of the electronic health records and are often both
uncertain and incomplete. Recurrent neural networks are a special class of
neural networks that are particularly suitable to process time series data but,
in their original formulation, cannot explicitly deal with missing data. In
this paper, we explore imputation strategies for handling missing values in
classifiers based on recurrent neural network (RNN) and apply a recently
proposed recurrent architecture, the Gated Recurrent Unit with Decay,
specifically designed to handle missing data. We focus on the problem of
detecting surgical site infection in patients by analyzing time series of their
blood sample measurements and we compare the results obtained with different
RNN-based classifiers.
|
Training Simplification and Model Simplification for Deep Learning: A
Minimal Effort Back Propagation Method | We propose a simple yet effective technique to simplify the training and the
resulting model of neural networks. In back propagation, only a small subset of
the full gradient is computed to update the model parameters. The gradient
vectors are sparsified in such a way that only the top-k elements (in terms of
magnitude) are kept. As a result, only k rows or columns (depending on the
layout) of the weight matrix are modified, leading to a linear reduction in the
computational cost. Based on the sparsified gradients, we further simplify the
model by eliminating the rows or columns that are seldom updated, which will
reduce the computational cost both in the training and decoding, and
potentially accelerate decoding in real-world applications. Surprisingly,
experimental results demonstrate that most of time we only need to update fewer
than 5% of the weights at each back propagation pass. More interestingly, the
accuracy of the resulting models is actually improved rather than degraded, and
a detailed analysis is given. The model simplification results show that we
could adaptively simplify the model which could often be reduced by around 9x,
without any loss on accuracy or even with improved accuracy. The codes,
including the extension, are available at https://github.com/lancopku/meSimp
|
Introduction to intelligent computing unit 1 | This brief note highlights some basic concepts required toward understanding
the evolution of machine learning and deep learning models. The note starts
with an overview of artificial intelligence and its relationship to biological
neuron that ultimately led to the evolution of todays intelligent models.
|
An Iterative Closest Points Approach to Neural Generative Models | We present a simple way to learn a transformation that maps samples of one
distribution to the samples of another distribution. Our algorithm comprises an
iteration of 1) drawing samples from some simple distribution and transforming
them using a neural network, 2) determining pairwise correspondences between
the transformed samples and training data (or a minibatch), and 3) optimizing
the weights of the neural network being trained to minimize the distances
between the corresponding vectors. This can be considered as a variant of the
Iterative Closest Points (ICP) algorithm, common in geometric computer vision,
although ICP typically operates on sensor point clouds and linear transforms
instead of random sample sets and neural nonlinear transforms. We demonstrate
the algorithm on simple synthetic data and MNIST data. We furthermore
demonstrate that the algorithm is capable of handling distributions with both
continuous and discrete variables.
|
A generic and fast C++ optimization framework | The development of the mlpack C++ machine learning library
(http://www.mlpack.org/) has required the design and implementation of a
flexible, robust optimization system that is able to solve the types of
arbitrary optimization problems that may arise all throughout machine learning
problems. In this paper, we present the generic optimization framework that we
have designed for mlpack. A key priority in the design was ease of
implementation of both new optimizers and new objective functions to be
optimized; therefore, implementation of a new optimizer requires only one
method and implementation of a new objective function requires at most four
functions. This leads to simple and intuitive code, which, for fast prototyping
and experimentation, is of paramount importance. When compared to optimization
frameworks of other libraries, we find that mlpack's supports more types of
objective functions, is able to make optimizations that other frameworks do
not, and seamlessly supports user-defined objective functions and optimizers.
|
Learning to Play Othello with Deep Neural Networks | Achieving superhuman playing level by AlphaGo corroborated the capabilities
of convolutional neural architectures (CNNs) for capturing complex spatial
patterns. This result was to a great extent due to several analogies between Go
board states and 2D images CNNs have been designed for, in particular
translational invariance and a relatively large board. In this paper, we verify
whether CNN-based move predictors prove effective for Othello, a game with
significantly different characteristics, including a much smaller board size
and complete lack of translational invariance. We compare several CNN
architectures and board encodings, augment them with state-of-the-art
extensions, train on an extensive database of experts' moves, and examine them
with respect to move prediction accuracy and playing strength. The empirical
evaluation confirms high capabilities of neural move predictors and suggests a
strong correlation between prediction accuracy and playing strength. The best
CNNs not only surpass all other 1-ply Othello players proposed to date but
defeat (2-ply) Edax, the best open-source Othello player.
|
Cautious NMPC with Gaussian Process Dynamics for Autonomous Miniature
Race Cars | This paper presents an adaptive high performance control method for
autonomous miniature race cars. Racing dynamics are notoriously hard to model
from first principles, which is addressed by means of a cautious nonlinear
model predictive control (NMPC) approach that learns to improve its dynamics
model from data and safely increases racing performance. The approach makes use
of a Gaussian Process (GP) and takes residual model uncertainty into account
through a chance constrained formulation. We present a sparse GP approximation
with dynamically adjusting inducing inputs, enabling a real-time implementable
controller. The formulation is demonstrated in simulations, which show
significant improvement with respect to both lap time and constraint
satisfaction compared to an NMPC without model learning.
|
How Wrong Am I? - Studying Adversarial Examples and their Impact on
Uncertainty in Gaussian Process Machine Learning Models | Machine learning models are vulnerable to Adversarial Examples: minor
perturbations to input samples intended to deliberately cause
misclassification. Current defenses against adversarial examples, especially
for Deep Neural Networks (DNN), are primarily derived from empirical
developments, and their security guarantees are often only justified
retroactively. Many defenses therefore rely on hidden assumptions that are
subsequently subverted by increasingly elaborate attacks. This is not
surprising: deep learning notoriously lacks a comprehensive mathematical
framework to provide meaningful guarantees.
In this paper, we leverage Gaussian Processes to investigate adversarial
examples in the framework of Bayesian inference. Across different models and
datasets, we find deviating levels of uncertainty reflect the perturbation
introduced to benign samples by state-of-the-art attacks, including novel
white-box attacks on Gaussian Processes. Our experiments demonstrate that even
unoptimized uncertainty thresholds already reject adversarial examples in many
scenarios.
Comment: Thresholds can be broken in a modified attack, which was done in
arXiv:1812.02606 (The limitations of model uncertainty in adversarial
settings).
|
Driven to Distraction: Self-Supervised Distractor Learning for Robust
Monocular Visual Odometry in Urban Environments | We present a self-supervised approach to ignoring "distractors" in camera
images for the purposes of robustly estimating vehicle motion in cluttered
urban environments. We leverage offline multi-session mapping approaches to
automatically generate a per-pixel ephemerality mask and depth map for each
input image, which we use to train a deep convolutional network. At run-time we
use the predicted ephemerality and depth as an input to a monocular visual
odometry (VO) pipeline, using either sparse features or dense photometric
matching. Our approach yields metric-scale VO using only a single camera and
can recover the correct egomotion even when 90% of the image is obscured by
dynamic, independently moving objects. We evaluate our robust VO methods on
more than 400km of driving from the Oxford RobotCar Dataset and demonstrate
reduced odometry drift and significantly improved egomotion estimation in the
presence of large moving vehicles in urban traffic.
|
Hardening Quantum Machine Learning Against Adversaries | Security for machine learning has begun to become a serious issue for present
day applications. An important question remaining is whether emerging quantum
technologies will help or hinder the security of machine learning. Here we
discuss a number of ways that quantum information can be used to help make
quantum classifiers more secure or private. In particular, we demonstrate a
form of robust principal component analysis that, under some circumstances, can
provide an exponential speedup relative to robust methods used at present. To
demonstrate this approach we introduce a linear combinations of unitaries
Hamiltonian simulation method that we show functions when given an imprecise
Hamiltonian oracle, which may be of independent interest. We also introduce a
new quantum approach for bagging and boosting that can use quantum
superposition over the classifiers or splits of the training set to aggregate
over many more models than would be possible classically. Finally, we provide a
private form of $k$--means clustering that can be used to prevent an all
powerful adversary from learning more than a small fraction of a bit from any
user. These examples show the role that quantum technologies can play in the
security of ML and vice versa. This illustrates that quantum computing can
provide useful advantages to machine learning apart from speedups.
|
Predict Responsibly: Improving Fairness and Accuracy by Learning to
Defer | In many machine learning applications, there are multiple decision-makers
involved, both automated and human. The interaction between these agents often
goes unaddressed in algorithmic development. In this work, we explore a simple
version of this interaction with a two-stage framework containing an automated
model and an external decision-maker. The model can choose to say "Pass", and
pass the decision downstream, as explored in rejection learning. We extend this
concept by proposing "learning to defer", which generalizes rejection learning
by considering the effect of other agents in the decision-making process. We
propose a learning algorithm which accounts for potential biases held by
external decision-makers in a system. Experiments demonstrate that learning to
defer can make systems not only more accurate but also less biased. Even when
working with inconsistent or biased users, we show that deferring models still
greatly improve the accuracy and/or fairness of the entire system.
|
Neon2: Finding Local Minima via First-Order Oracles | We propose a reduction for non-convex optimization that can (1) turn an
stationary-point finding algorithm into an local-minimum finding one, and (2)
replace the Hessian-vector product computations with only gradient
computations. It works both in the stochastic and the deterministic settings,
without hurting the algorithm's performance.
As applications, our reduction turns Natasha2 into a first-order method
without hurting its performance. It also converts SGD, GD, SCSG, and SVRG into
algorithms finding approximate local minima, outperforming some best known
results.
|
Is prioritized sweeping the better episodic control? | Episodic control has been proposed as a third approach to reinforcement
learning, besides model-free and model-based control, by analogy with the three
types of human memory. i.e. episodic, procedural and semantic memory. But the
theoretical properties of episodic control are not well investigated. Here I
show that in deterministic tree Markov decision processes, episodic control is
equivalent to a form of prioritized sweeping in terms of sample efficiency as
well as memory and computation demands. For general deterministic and
stochastic environments, prioritized sweeping performs better even when memory
and computation demands are restricted to be equal to those of episodic
control. These results suggest generalizations of prioritized sweeping to
partially observable environments, its combined use with function approximation
and the search for possible implementations of prioritized sweeping in brains.
|
Fusing Bird View LIDAR Point Cloud and Front View Camera Image for Deep
Object Detection | We propose a new method for fusing a LIDAR point cloud and camera-captured
images in the deep convolutional neural network (CNN). The proposed method
constructs a new layer called non-homogeneous pooling layer to transform
features between bird view map and front view map. The sparse LIDAR point cloud
is used to construct the mapping between the two maps. The pooling layer allows
efficient fusion of the bird view and front view features at any stage of the
network. This is favorable for the 3D-object detection using camera-LIDAR
fusion in autonomous driving scenarios. A corresponding deep CNN is designed
and tested on the KITTI bird view object detection dataset, which produces 3D
bounding boxes from the bird view map. The fusion method shows particular
benefit for detection of pedestrians in the bird view compared to other
fusion-based object detection networks.
|
Principal Boundary on Riemannian Manifolds | We consider the classification problem and focus on nonlinear methods for
classification on manifolds. For multivariate datasets lying on an embedded
nonlinear Riemannian manifold within the higher-dimensional ambient space, we
aim to acquire a classification boundary for the classes with labels, using the
intrinsic metric on the manifolds. Motivated by finding an optimal boundary
between the two classes, we invent a novel approach -- the principal boundary.
From the perspective of classification, the principal boundary is defined as an
optimal curve that moves in between the principal flows traced out from two
classes of data, and at any point on the boundary, it maximizes the margin
between the two classes. We estimate the boundary in quality with its
direction, supervised by the two principal flows. We show that the principal
boundary yields the usual decision boundary found by the support vector machine
in the sense that locally, the two boundaries coincide. Some optimality and
convergence properties of the random principal boundary and its population
counterpart are also shown. We illustrate how to find, use and interpret the
principal boundary with an application in real data.
|
Techniques for proving Asynchronous Convergence results for Markov Chain
Monte Carlo methods | Markov Chain Monte Carlo (MCMC) methods such as Gibbs sampling are finding
widespread use in applied statistics and machine learning. These often lead to
difficult computational problems, which are increasingly being solved on
parallel and distributed systems such as compute clusters. Recent work has
proposed running iterative algorithms such as gradient descent and MCMC in
parallel asynchronously for increased performance, with good empirical results
in certain problems. Unfortunately, for MCMC this parallelization technique
requires new convergence theory, as it has been explicitly demonstrated to lead
to divergence on some examples. Recent theory on Asynchronous Gibbs sampling
describes why these algorithms can fail, and provides a way to alter them to
make them converge. In this article, we describe how to apply this theory in a
generic setting, to understand the asynchronous behavior of any MCMC algorithm,
including those implemented using parameter servers, and those not based on
Gibbs sampling.
|
Deep supervised learning using local errors | Error backpropagation is a highly effective mechanism for learning
high-quality hierarchical features in deep networks. Updating the features or
weights in one layer, however, requires waiting for the propagation of error
signals from higher layers. Learning using delayed and non-local errors makes
it hard to reconcile backpropagation with the learning mechanisms observed in
biological neural networks as it requires the neurons to maintain a memory of
the input long enough until the higher-layer errors arrive. In this paper, we
propose an alternative learning mechanism where errors are generated locally in
each layer using fixed, random auxiliary classifiers. Lower layers could thus
be trained independently of higher layers and training could either proceed
layer by layer, or simultaneously in all layers using local error information.
We address biological plausibility concerns such as weight symmetry
requirements and show that the proposed learning mechanism based on fixed,
broad, and random tuning of each neuron to the classification categories
outperforms the biologically-motivated feedback alignment learning technique on
the MNIST, CIFAR10, and SVHN datasets, approaching the performance of standard
backpropagation. Our approach highlights a potential biological mechanism for
the supervised, or task-dependent, learning of feature hierarchies. In
addition, we show that it is well suited for learning deep networks in custom
hardware where it can drastically reduce memory traffic and data communication
overheads.
|
Scalable Recollections for Continual Lifelong Learning | Given the recent success of Deep Learning applied to a variety of single
tasks, it is natural to consider more human-realistic settings. Perhaps the
most difficult of these settings is that of continual lifelong learning, where
the model must learn online over a continuous stream of non-stationary data. A
successful continual lifelong learning system must have three key capabilities:
it must learn and adapt over time, it must not forget what it has learned, and
it must be efficient in both training time and memory. Recent techniques have
focused their efforts primarily on the first two capabilities while questions
of efficiency remain largely unexplored. In this paper, we consider the problem
of efficient and effective storage of experiences over very large time-frames.
In particular we consider the case where typical experiences are O(n) bits and
memories are limited to O(k) bits for k << n. We present a novel scalable
architecture and training algorithm in this challenging domain and provide an
extensive evaluation of its performance. Our results show that we can achieve
considerable gains on top of state-of-the-art methods such as GEM.
|
Approximate Gradient Coding via Sparse Random Graphs | Distributed algorithms are often beset by the straggler effect, where the
slowest compute nodes in the system dictate the overall running time.
Coding-theoretic techniques have been recently proposed to mitigate stragglers
via algorithmic redundancy. Prior work in coded computation and gradient coding
has mainly focused on exact recovery of the desired output. However, slightly
inexact solutions can be acceptable in applications that are robust to noise,
such as model training via gradient-based algorithms. In this work, we present
computationally simple gradient codes based on sparse graphs that guarantee
fast and approximately accurate distributed computation. We demonstrate that
sacrificing a small amount of accuracy can significantly increase algorithmic
robustness to stragglers.
|
Machine Learning Approaches for Traffic Volume Forecasting: A Case Study
of the Moroccan Highway Network | In this paper, we aim to illustrate different approaches we followed while
developing a forecasting tool for highway traffic in Morocco. Two main
approaches were adopted: Statistical Analysis as a step of data exploration and
data wrangling. Therefore, a beta model is carried out for a better
understanding of traffic behavior. Next, we moved to Machine Learning where we
worked with a bunch of algorithms such as Random Forest, Artificial Neural
Networks, Extra Trees, etc. yet, we were convinced that this field of study is
still considered under state of the art models, so, we were also covering an
application of Long Short-Term Memory Neural Networks.
|
Leave no Trace: Learning to Reset for Safe and Autonomous Reinforcement
Learning | Deep reinforcement learning algorithms can learn complex behavioral skills,
but real-world application of these methods requires a large amount of
experience to be collected by the agent. In practical settings, such as
robotics, this involves repeatedly attempting a task, resetting the environment
between each attempt. However, not all tasks are easily or automatically
reversible. In practice, this learning process requires extensive human
intervention. In this work, we propose an autonomous method for safe and
efficient reinforcement learning that simultaneously learns a forward and reset
policy, with the reset policy resetting the environment for a subsequent
attempt. By learning a value function for the reset policy, we can
automatically determine when the forward policy is about to enter a
non-reversible state, providing for uncertainty-aware safety aborts. Our
experiments illustrate that proper use of the reset policy can greatly reduce
the number of manual resets required to learn a task, can reduce the number of
unsafe actions that lead to non-reversible states, and can automatically induce
a curriculum.
|
Exact alignment recovery for correlated Erd\H{o}s-R\'enyi graphs | We consider the problem of perfectly recovering the vertex correspondence
between two correlated Erd\H{o}s-R\'enyi (ER) graphs on the same vertex set.
The correspondence between the vertices can be obscured by randomly permuting
the vertex labels of one of the graphs. We determine the information-theoretic
threshold for exact recovery, i.e. the conditions under which the entire vertex
correspondence can be correctly recovered given unbounded computational
resources.
|
MinimalRNN: Toward More Interpretable and Trainable Recurrent Neural
Networks | We introduce MinimalRNN, a new recurrent neural network architecture that
achieves comparable performance as the popular gated RNNs with a simplified
structure. It employs minimal updates within RNN, which not only leads to
efficient learning and testing but more importantly better interpretability and
trainability. We demonstrate that by endorsing the more restrictive update
rule, MinimalRNN learns disentangled RNN states. We further examine the
learning dynamics of different RNN structures using input-output Jacobians, and
show that MinimalRNN is able to capture longer range dependencies than existing
RNN architectures.
|
Tree-Structured Boosting: Connections Between Gradient Boosted Stumps
and Full Decision Trees | Additive models, such as produced by gradient boosting, and full interaction
models, such as classification and regression trees (CART), are widely used
algorithms that have been investigated largely in isolation. We show that these
models exist along a spectrum, revealing never-before-known connections between
these two approaches. This paper introduces a novel technique called
tree-structured boosting for creating a single decision tree, and shows that
this method can produce models equivalent to CART or gradient boosted stumps at
the extremes by varying a single parameter. Although tree-structured boosting
is designed primarily to provide both the model interpretability and predictive
performance needed for high-stake applications like medicine, it also can
produce decision trees represented by hybrid models between CART and boosted
stumps that can outperform either of these approaches.
|
Prediction Scores as a Window into Classifier Behavior | Most multi-class classifiers make their prediction for a test sample by
scoring the classes and selecting the one with the highest score. Analyzing
these prediction scores is useful to understand the classifier behavior and to
assess its reliability. We present an interactive visualization that
facilitates per-class analysis of these scores. Our system, called Classilist,
enables relating these scores to the classification correctness and to the
underlying samples and their features. We illustrate how such analysis reveals
varying behavior of different classifiers. Classilist is available for use
online, along with source code, video tutorials, and plugins for R, RapidMiner,
and KNIME at https://katehara.github.io/classilist-site/.
|
MorphNet: Fast & Simple Resource-Constrained Structure Learning of Deep
Networks | We present MorphNet, an approach to automate the design of neural network
structures. MorphNet iteratively shrinks and expands a network, shrinking via a
resource-weighted sparsifying regularizer on activations and expanding via a
uniform multiplicative factor on all layers. In contrast to previous
approaches, our method is scalable to large networks, adaptable to specific
resource constraints (e.g. the number of floating-point operations per
inference), and capable of increasing the network's performance. When applied
to standard network architectures on a wide variety of datasets, our approach
discovers novel structures in each domain, obtaining higher performance while
respecting the resource constraint.
|
Genetic Algorithms for Mentor-Assisted Evaluation Function Optimization | In this paper we demonstrate how genetic algorithms can be used to reverse
engineer an evaluation function's parameters for computer chess. Our results
show that using an appropriate mentor, we can evolve a program that is on par
with top tournament-playing chess programs, outperforming a two-time World
Computer Chess Champion. This performance gain is achieved by evolving a
program with a smaller number of parameters in its evaluation function to mimic
the behavior of a superior mentor which uses a more extensive evaluation
function. In principle, our mentor-assisted approach could be used in a wide
range of problems for which appropriate mentors are available.
|
Simulating Human Grandmasters: Evolution and Coevolution of Evaluation
Functions | This paper demonstrates the use of genetic algorithms for evolving a
grandmaster-level evaluation function for a chess program. This is achieved by
combining supervised and unsupervised learning. In the supervised learning
phase the organisms are evolved to mimic the behavior of human grandmasters,
and in the unsupervised learning phase these evolved organisms are further
improved upon by means of coevolution.
While past attempts succeeded in creating a grandmaster-level program by
mimicking the behavior of existing computer chess programs, this paper presents
the first successful attempt at evolving a state-of-the-art evaluation function
by learning only from databases of games played by humans. Our results
demonstrate that the evolved program outperforms a two-time World Computer
Chess Champion.
|
Expert-Driven Genetic Algorithms for Simulating Evaluation Functions | In this paper we demonstrate how genetic algorithms can be used to reverse
engineer an evaluation function's parameters for computer chess. Our results
show that using an appropriate expert (or mentor), we can evolve a program that
is on par with top tournament-playing chess programs, outperforming a two-time
World Computer Chess Champion. This performance gain is achieved by evolving a
program that mimics the behavior of a superior expert. The resulting evaluation
function of the evolved program consists of a much smaller number of parameters
than the expert's. The extended experimental results provided in this paper
include a report of our successful participation in the 2008 World Computer
Chess Championship. In principle, our expert-driven approach could be used in a
wide range of problems for which appropriate experts are available.
|
DLTK: State of the Art Reference Implementations for Deep Learning on
Medical Images | We present DLTK, a toolkit providing baseline implementations for efficient
experimentation with deep learning methods on biomedical images. It builds on
top of TensorFlow and its high modularity and easy-to-use examples allow for a
low-threshold access to state-of-the-art implementations for typical medical
imaging problems. A comparison of DLTK's reference implementations of popular
network architectures for image segmentation demonstrates new top performance
on the publicly available challenge data "Multi-Atlas Labeling Beyond the
Cranial Vault". The average test Dice similarity coefficient of $81.5$ exceeds
the previously best performing CNN ($75.7$) and the accuracy of the challenge
winning method ($79.0$).
|
From Common to Special: When Multi-Attribute Learning Meets Personalized
Opinions | Visual attributes, which refer to human-labeled semantic annotations, have
gained increasing popularity in a wide range of real world applications.
Generally, the existing attribute learning methods fall into two categories:
one focuses on learning user-specific labels separately for different
attributes, while the other one focuses on learning crowd-sourced global labels
jointly for multiple attributes. However, both categories ignore the joint
effect of the two mentioned factors: the personal diversity with respect to the
global consensus; and the intrinsic correlation among multiple attributes. To
overcome this challenge, we propose a novel model to learn user-specific
predictors across multiple attributes. In our proposed model, the diversity of
personalized opinions and the intrinsic relationship among multiple attributes
are unified in a common-to-special manner. To this end, we adopt a
three-component decomposition. Specifically, our model integrates a common
cognition factor, an attribute-specific bias factor and a user-specific bias
factor. Meanwhile Lasso and group Lasso penalties are adopted to leverage
efficient feature selection. Furthermore, theoretical analysis is conducted to
show that our proposed method could reach reasonable performance. Eventually,
the empirical study carried out in this paper demonstrates the effectiveness of
our proposed method.
|
Run, skeleton, run: skeletal model in a physics-based simulation | In this paper, we present our approach to solve a physics-based reinforcement
learning challenge "Learning to Run" with objective to train
physiologically-based human model to navigate a complex obstacle course as
quickly as possible. The environment is computationally expensive, has a
high-dimensional continuous action space and is stochastic. We benchmark state
of the art policy-gradient methods and test several improvements, such as layer
normalization, parameter noise, action and state reflecting, to stabilize
training and improve its sample-efficiency. We found that the Deep
Deterministic Policy Gradient method is the most efficient method for this
environment and the improvements we have introduced help to stabilize training.
Learned models are able to generalize to new physical scenarios, e.g. different
obstacle courses.
|
Deep Gaussian Mixture Models | Deep learning is a hierarchical inference method formed by subsequent
multiple layers of learning able to more efficiently describe complex
relationships. In this work, Deep Gaussian Mixture Models are introduced and
discussed. A Deep Gaussian Mixture model (DGMM) is a network of multiple layers
of latent variables, where, at each layer, the variables follow a mixture of
Gaussian distributions. Thus, the deep mixture model consists of a set of
nested mixtures of linear models, which globally provide a nonlinear model able
to describe the data in a very flexible way. In order to avoid
overparameterized solutions, dimension reduction by factor models can be
applied at each layer of the architecture thus resulting in deep mixtures of
factor analysers.
|
Interleaver Design for Deep Neural Networks | We propose a class of interleavers for a novel deep neural network (DNN)
architecture that uses algorithmically pre-determined, structured sparsity to
significantly lower memory and computational requirements, and speed up
training. The interleavers guarantee clash-free memory accesses to eliminate
idle operational cycles, optimize spread and dispersion to improve network
performance, and are designed to ease the complexity of memory address
computations in hardware. We present a design algorithm with mathematical
proofs for these properties. We also explore interleaver variations and analyze
the behavior of neural networks as a function of interleaver metrics.
|
BPGrad: Towards Global Optimality in Deep Learning via Branch and
Pruning | Understanding the global optimality in deep learning (DL) has been attracting
more and more attention recently. Conventional DL solvers, however, have not
been developed intentionally to seek for such global optimality. In this paper
we propose a novel approximation algorithm, BPGrad, towards optimizing deep
models globally via branch and pruning. Our BPGrad algorithm is based on the
assumption of Lipschitz continuity in DL, and as a result it can adaptively
determine the step size for current gradient given the history of previous
updates, wherein theoretically no smaller steps can achieve the global
optimality. We prove that, by repeating such branch-and-pruning procedure, we
can locate the global optimality within finite iterations. Empirically an
efficient solver based on BPGrad for DL is proposed as well, and it outperforms
conventional DL solvers such as Adagrad, Adadelta, RMSProp, and Adam in the
tasks of object recognition, detection, and segmentation.
|
Learning from Synthetic Data: Addressing Domain Shift for Semantic
Segmentation | Visual Domain Adaptation is a problem of immense importance in computer
vision. Previous approaches showcase the inability of even deep neural networks
to learn informative representations across domain shift. This problem is more
severe for tasks where acquiring hand labeled data is extremely hard and
tedious. In this work, we focus on adapting the representations learned by
segmentation networks across synthetic and real domains. Contrary to previous
approaches that use a simple adversarial objective or superpixel information to
aid the process, we propose an approach based on Generative Adversarial
Networks (GANs) that brings the embeddings closer in the learned feature space.
To showcase the generality and scalability of our approach, we show that we can
achieve state of the art results on two challenging scenarios of synthetic to
real domain adaptation. Additional exploratory experiments show that our
approach: (1) generalizes to unseen domains and (2) results in improved
alignment of source and target distributions.
|
How much is my car worth? A methodology for predicting used cars prices
using Random Forest | Cars are being sold more than ever. Developing countries adopt the lease
culture instead of buying a new car due to affordability. Therefore, the rise
of used cars sales is exponentially increasing. Car sellers sometimes take
advantage of this scenario by listing unrealistic prices owing to the demand.
Therefore, arises a need for a model that can assign a price for a vehicle by
evaluating its features taking the prices of other cars into consideration. In
this paper, we use supervised learning method namely Random Forest to predict
the prices of used cars. The model has been chosen after careful exploratory
data analysis to determine the impact of each feature on price. A Random Forest
with 500 Decision Trees were created to train the data. From experimental
results, the training accuracy was found out to be 95.82%, and the testing
accuracy was 83.63%. The the model can predict the price of cars accurately by
choosing the most correlated features.
|
Sequential Randomized Matrix Factorization for Gaussian Processes:
Efficient Predictions and Hyper-parameter Optimization | This paper presents a sequential randomized lowrank matrix factorization
approach for incrementally predicting values of an unknown function at test
points using the Gaussian Processes framework. It is well-known that in the
Gaussian processes framework, the computational bottlenecks are the inversion
of the (regularized) kernel matrix and the computation of the hyper-parameters
defining the kernel. The main contributions of this paper are two-fold. First,
we formalize an approach to compute the inverse of the kernel matrix using
randomized matrix factorization algorithms in a streaming scenario, i.e., data
is generated incrementally over time. The metrics of accuracy and computational
efficiency of the proposed method are compared against a batch approach based
on use of randomized matrix factorization and an existing streaming approach
based on approximating the Gaussian process by a finite set of basis vectors.
Second, we extend the sequential factorization approach to a class of kernel
functions for which the hyperparameters can be efficiently optimized. All
results are demonstrated on two publicly available datasets.
|
Convergence Analysis of the Dynamics of a Special Kind of Two-Layered
Neural Networks with $\ell_1$ and $\ell_2$ Regularization | In this paper, we made an extension to the convergence analysis of the
dynamics of two-layered bias-free networks with one $ReLU$ output. We took into
consideration two popular regularization terms: the $\ell_1$ and $\ell_2$ norm
of the parameter vector $w$, and added it to the square loss function with
coefficient $\lambda/2$. We proved that when $\lambda$ is small, the weight
vector $w$ converges to the optimal solution $\hat{w}$ (with respect to the new
loss function) with probability $\geq (1-\varepsilon)(1-A_d)/2$ under random
initiations in a sphere centered at the origin, where $\varepsilon$ is a small
value and $A_d$ is a constant. Numerical experiments including phase diagrams
and repeated simulations verified our theory.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.