title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
GRAM: Graph-based Attention Model for Healthcare Representation Learning | Deep learning methods exhibit promising performance for predictive modeling
in healthcare, but two important challenges remain: -Data insufficiency:Often
in healthcare predictive modeling, the sample size is insufficient for deep
learning methods to achieve satisfactory results. -Interpretation:The
representations learned by deep learning methods should align with medical
knowledge. To address these challenges, we propose a GRaph-based Attention
Model, GRAM that supplements electronic health records (EHR) with hierarchical
information inherent to medical ontologies. Based on the data volume and the
ontology structure, GRAM represents a medical concept as a combination of its
ancestors in the ontology via an attention mechanism. We compared predictive
performance (i.e. accuracy, data needs, interpretability) of GRAM to various
methods including the recurrent neural network (RNN) in two sequential
diagnoses prediction tasks and one heart failure prediction task. Compared to
the basic RNN, GRAM achieved 10% higher accuracy for predicting diseases rarely
observed in the training data and 3% improved area under the ROC curve for
predicting heart failure using an order of magnitude less training data.
Additionally, unlike other methods, the medical concept representations learned
by GRAM are well aligned with the medical ontology. Finally, GRAM exhibits
intuitive attention behaviors by adaptively generalizing to higher level
concepts when facing data insufficiency at the lower level concepts.
|
An Efficient Training Algorithm for Kernel Survival Support Vector
Machines | Survival analysis is a fundamental tool in medical research to identify
predictors of adverse events and develop systems for clinical decision support.
In order to leverage large amounts of patient data, efficient optimisation
routines are paramount. We propose an efficient training algorithm for the
kernel survival support vector machine (SSVM). We directly optimise the primal
objective function and employ truncated Newton optimisation and order statistic
trees to significantly lower computational costs compared to previous training
algorithms, which require $O(n^4)$ space and $O(p n^6)$ time for datasets with
$n$ samples and $p$ features. Our results demonstrate that our proposed
optimisation scheme allows analysing data of a much larger scale with no loss
in prediction performance. Experiments on synthetic and 5 real-world datasets
show that our technique outperforms existing kernel SSVM formulations if the
amount of right censoring is high ($\geq85\%$), and performs comparably
otherwise.
|
The Recycling Gibbs Sampler for Efficient Learning | Monte Carlo methods are essential tools for Bayesian inference. Gibbs
sampling is a well-known Markov chain Monte Carlo (MCMC) algorithm, extensively
used in signal processing, machine learning, and statistics, employed to draw
samples from complicated high-dimensional posterior distributions. The key
point for the successful application of the Gibbs sampler is the ability to
draw efficiently samples from the full-conditional probability density
functions. Since in the general case this is not possible, in order to speed up
the convergence of the chain, it is required to generate auxiliary samples
whose information is eventually disregarded. In this work, we show that these
auxiliary samples can be recycled within the Gibbs estimators, improving their
efficiency with no extra cost. This novel scheme arises naturally after
pointing out the relationship between the standard Gibbs sampler and the chain
rule used for sampling purposes. Numerical simulations involving simple and
real inference problems confirm the excellent performance of the proposed
scheme in terms of accuracy and computational efficiency. In particular we give
empirical evidence of performance in a toy example, inference of Gaussian
processes hyperparameters, and learning dependence graphs through regression.
|
A Deep Learning Approach for Joint Video Frame and Reward Prediction in
Atari Games | Reinforcement learning is concerned with identifying reward-maximizing
behaviour policies in environments that are initially unknown. State-of-the-art
reinforcement learning approaches, such as deep Q-networks, are model-free and
learn to act effectively across a wide range of environments such as Atari
games, but require huge amounts of data. Model-based techniques are more
data-efficient, but need to acquire explicit knowledge about the environment.
In this paper, we take a step towards using model-based techniques in
environments with a high-dimensional visual state space by demonstrating that
it is possible to learn system dynamics and the reward structure jointly. Our
contribution is to extend a recently developed deep neural network for video
frame prediction in Atari games to enable reward prediction as well. To this
end, we phrase a joint optimization problem for minimizing both video frame and
reward reconstruction loss, and adapt network parameters accordingly. Empirical
evaluations on five Atari games demonstrate accurate cumulative reward
prediction of up to 200 frames. We consider these results as opening up
important directions for model-based reinforcement learning in complex,
initially unknown environments.
|
Structured Prediction by Conditional Risk Minimization | We propose a general approach for supervised learning with structured output
spaces, such as combinatorial and polyhedral sets, that is based on minimizing
estimated conditional risk functions. Given a loss function defined over pairs
of output labels, we first estimate the conditional risk function by solving a
(possibly infinite) collection of regularized least squares problems. A
prediction is made by solving an inference problem that minimizes the estimated
conditional risk function over the output space. We show that this approach
enables, in some cases, efficient training and inference without explicitly
introducing a convex surrogate for the original loss function, even when it is
discontinuous. Empirical evaluations on real-world and synthetic data sets
demonstrate the effectiveness of our method in adapting to a variety of loss
functions.
|
Risk-Sensitive Learning and Pricing for Demand Response | We consider the setting in which an electric power utility seeks to curtail
its peak electricity demand by offering a fixed group of customers a uniform
price for reductions in consumption relative to their predetermined baselines.
The underlying demand curve, which describes the aggregate reduction in
consumption in response to the offered price, is assumed to be affine and
subject to unobservable random shocks. Assuming that both the parameters of the
demand curve and the distribution of the random shocks are initially unknown to
the utility, we investigate the extent to which the utility might dynamically
adjust its offered prices to maximize its cumulative risk-sensitive payoff over
a finite number of $T$ days. In order to do so effectively, the utility must
design its pricing policy to balance the tradeoff between the need to learn the
unknown demand model (exploration) and maximize its payoff (exploitation) over
time. In this paper, we propose such a pricing policy, which is shown to
exhibit an expected payoff loss over $T$ days that is at most
$O(\sqrt{T}\log(T))$, relative to an oracle pricing policy that knows the
underlying demand model. Moreover, the proposed pricing policy is shown to
yield a sequence of prices that converge to the oracle optimal prices in the
mean square sense.
|
Tree Space Prototypes: Another Look at Making Tree Ensembles
Interpretable | Ensembles of decision trees perform well on many problems, but are not
interpretable. In contrast to existing approaches in interpretability that
focus on explaining relationships between features and predictions, we propose
an alternative approach to interpret tree ensemble classifiers by surfacing
representative points for each class -- prototypes. We introduce a new distance
for Gradient Boosted Tree models, and propose new, adaptive prototype selection
methods with theoretical guarantees, with the flexibility to choose a different
number of prototypes in each class. We demonstrate our methods on random
forests and gradient boosted trees, showing that the prototypes can perform as
well as or even better than the original tree ensemble when used as a
nearest-prototype classifier. In a user study, humans were better at predicting
the output of a tree ensemble classifier when using prototypes than when using
Shapley values, a popular feature attribution method. Hence, prototypes present
a viable alternative to feature-based explanations for tree ensembles.
|
Max-Margin Deep Generative Models for (Semi-)Supervised Learning | Deep generative models (DGMs) are effective on learning multilayered
representations of complex data and performing inference of input data by
exploring the generative ability. However, it is relatively insufficient to
empower the discriminative ability of DGMs on making accurate predictions. This
paper presents max-margin deep generative models (mmDGMs) and a
class-conditional variant (mmDCGMs), which explore the strongly discriminative
principle of max-margin learning to improve the predictive performance of DGMs
in both supervised and semi-supervised learning, while retaining the generative
capability. In semi-supervised learning, we use the predictions of a max-margin
classifier as the missing labels instead of performing full posterior inference
for efficiency; we also introduce additional max-margin and label-balance
regularization terms of unlabeled data for effectiveness. We develop an
efficient doubly stochastic subgradient algorithm for the piecewise linear
objectives in different settings. Empirical results on various datasets
demonstrate that: (1) max-margin learning can significantly improve the
prediction performance of DGMs and meanwhile retain the generative ability; (2)
in supervised learning, mmDGMs are competitive to the best fully discriminative
networks when employing convolutional neural networks as the generative and
recognition models; and (3) in semi-supervised learning, mmDCGMs can perform
efficient inference and achieve state-of-the-art classification results on
several benchmarks.
|
Fast and Energy-Efficient CNN Inference on IoT Devices | Convolutional Neural Networks (CNNs) exhibit remarkable performance in
various machine learning tasks. As sensor-equipped internet of things (IoT)
devices permeate into every aspect of modern life, it is increasingly important
to run CNN inference, a computationally intensive application, on resource
constrained devices. We present a technique for fast and energy-efficient CNN
inference on mobile SoC platforms, which are projected to be a major player in
the IoT space. We propose techniques for efficient parallelization of CNN
inference targeting mobile GPUs, and explore the underlying tradeoffs.
Experiments with running Squeezenet on three different mobile devices confirm
the effectiveness of our approach. For further study, please refer to the
project repository available on our GitHub page:
https://github.com/mtmd/Mobile_ConvNet
|
Deep Recurrent Convolutional Neural Network: Improving Performance For
Speech Recognition | A deep learning approach has been widely applied in sequence modeling
problems. In terms of automatic speech recognition (ASR), its performance has
significantly been improved by increasing large speech corpus and deeper neural
network. Especially, recurrent neural network and deep convolutional neural
network have been applied in ASR successfully. Given the arising problem of
training speed, we build a novel deep recurrent convolutional network for
acoustic modeling and then apply deep residual learning to it. Our experiments
show that it has not only faster convergence speed but better recognition
accuracy over traditional deep convolutional recurrent network. In the
experiments, we compare the convergence speed of our novel deep recurrent
convolutional networks and traditional deep convolutional recurrent networks.
With faster convergence speed, our novel deep recurrent convolutional networks
can reach the comparable performance. We further show that applying deep
residual learning can boost the convergence speed of our novel deep recurret
convolutional networks. Finally, we evaluate all our experimental networks by
phoneme error rate (PER) with our proposed bidirectional statistical n-gram
language model. Our evaluation results show that our newly proposed deep
recurrent convolutional network applied with deep residual learning can reach
the best PER of 17.33\% with the fastest convergence speed on TIMIT database.
The outstanding performance of our novel deep recurrent convolutional neural
network with deep residual learning indicates that it can be potentially
adopted in other sequential problems.
|
Interpretable Recurrent Neural Networks Using Sequential Sparse Recovery | Recurrent neural networks (RNNs) are powerful and effective for processing
sequential data. However, RNNs are usually considered "black box" models whose
internal structure and learned parameters are not interpretable. In this paper,
we propose an interpretable RNN based on the sequential iterative
soft-thresholding algorithm (SISTA) for solving the sequential sparse recovery
problem, which models a sequence of correlated observations with a sequence of
sparse latent vectors. The architecture of the resulting SISTA-RNN is
implicitly defined by the computational structure of SISTA, which results in a
novel stacked RNN architecture. Furthermore, the weights of the SISTA-RNN are
perfectly interpretable as the parameters of a principled statistical model,
which in this case include a sparsifying dictionary, iterative step size, and
regularization parameters. In addition, on a particular sequential compressive
sensing task, the SISTA-RNN trains faster and achieves better performance than
conventional state-of-the-art black box RNNs, including long-short term memory
(LSTM) RNNs.
|
Investigating the influence of noise and distractors on the
interpretation of neural networks | Understanding neural networks is becoming increasingly important. Over the
last few years different types of visualisation and explanation methods have
been proposed. However, none of them explicitly considered the behaviour in the
presence of noise and distracting elements. In this work, we will show how
noise and distracting dimensions can influence the result of an explanation
model. This gives a new theoretical insights to aid selection of the most
appropriate explanation model within the deep-Taylor decomposition framework.
|
Correlation Clustering with Low-Rank Matrices | Correlation clustering is a technique for aggregating data based on
qualitative information about which pairs of objects are labeled 'similar' or
'dissimilar.' Because the optimization problem is NP-hard, much of the previous
literature focuses on finding approximation algorithms. In this paper we
explore how to solve the correlation clustering objective exactly when the data
to be clustered can be represented by a low-rank matrix. We prove in particular
that correlation clustering can be solved in polynomial time when the
underlying matrix is positive semidefinite with small constant rank, but that
the task remains NP-hard in the presence of even one negative eigenvalue. Based
on our theoretical results, we develop an algorithm for efficiently "solving"
low-rank positive semidefinite correlation clustering by employing a procedure
for zonotope vertex enumeration. We demonstrate the effectiveness and speed of
our algorithm by using it to solve several clustering problems on both
synthetic and real-world data.
|
Variational Graph Auto-Encoders | We introduce the variational graph auto-encoder (VGAE), a framework for
unsupervised learning on graph-structured data based on the variational
auto-encoder (VAE). This model makes use of latent variables and is capable of
learning interpretable latent representations for undirected graphs. We
demonstrate this model using a graph convolutional network (GCN) encoder and a
simple inner product decoder. Our model achieves competitive results on a link
prediction task in citation networks. In contrast to most existing models for
unsupervised learning on graph-structured data and link prediction, our model
can naturally incorporate node features, which significantly improves
predictive performance on a number of benchmark datasets.
|
Limbo: A Fast and Flexible Library for Bayesian Optimization | Limbo is an open-source C++11 library for Bayesian optimization which is
designed to be both highly flexible and very fast. It can be used to optimize
functions for which the gradient is unknown, evaluations are expensive, and
runtime cost matters (e.g., on embedded systems or robots). Benchmarks on
standard functions show that Limbo is about 2 times faster than BayesOpt
(another C++ library) for a similar accuracy.
|
Deep Learning Approximation for Stochastic Control Problems | Many real world stochastic control problems suffer from the "curse of
dimensionality". To overcome this difficulty, we develop a deep learning
approach that directly solves high-dimensional stochastic control problems
based on Monte-Carlo sampling. We approximate the time-dependent controls as
feedforward neural networks and stack these networks together through model
dynamics. The objective function for the control problem plays the role of the
loss function for the deep neural network. We test this approach using examples
from the areas of optimal trading and energy storage. Our results suggest that
the algorithm presented here achieves satisfactory accuracy and at the same
time, can handle rather high dimensional problems.
|
TreeView: Peeking into Deep Neural Networks Via Feature-Space
Partitioning | With the advent of highly predictive but opaque deep learning models, it has
become more important than ever to understand and explain the predictions of
such models. Existing approaches define interpretability as the inverse of
complexity and achieve interpretability at the cost of accuracy. This
introduces a risk of producing interpretable but misleading explanations. As
humans, we are prone to engage in this kind of behavior \cite{mythos}. In this
paper, we take a step in the direction of tackling the problem of
interpretability without compromising the model accuracy. We propose to build a
Treeview representation of the complex model via hierarchical partitioning of
the feature space, which reveals the iterative rejection of unlikely class
labels until the correct association is predicted.
|
Achieving non-discrimination in data release | Discrimination discovery and prevention/removal are increasingly important
tasks in data mining. Discrimination discovery aims to unveil discriminatory
practices on the protected attribute (e.g., gender) by analyzing the dataset of
historical decision records, and discrimination prevention aims to remove
discrimination by modifying the biased data before conducting predictive
analysis. In this paper, we show that the key to discrimination discovery and
prevention is to find the meaningful partitions that can be used to provide
quantitative evidences for the judgment of discrimination. With the support of
the causal graph, we present a graphical condition for identifying a meaningful
partition. Based on that, we develop a simple criterion for the claim of
non-discrimination, and propose discrimination removal algorithms which
accurately remove discrimination while retaining good data utility. Experiments
using real datasets show the effectiveness of our approaches.
|
Grad-CAM: Why did you say that? | We propose a technique for making Convolutional Neural Network (CNN)-based
models more transparent by visualizing input regions that are 'important' for
predictions -- or visual explanations. Our approach, called Gradient-weighted
Class Activation Mapping (Grad-CAM), uses class-specific gradient information
to localize important regions. These localizations are combined with existing
pixel-space visualizations to create a novel high-resolution and
class-discriminative visualization called Guided Grad-CAM. These methods help
better understand CNN-based models, including image captioning and visual
question answering (VQA) models. We evaluate our visual explanations by
measuring their ability to discriminate between classes, to inspire trust in
humans, and their correlation with occlusion maps. Grad-CAM provides a new way
to understand CNN-based models.
We have released code, an online demo hosted on CloudCV, and a full version
of this extended abstract.
|
Eigenvalues of the Hessian in Deep Learning: Singularity and Beyond | We look at the eigenvalues of the Hessian of a loss function before and after
training. The eigenvalue distribution is seen to be composed of two parts, the
bulk which is concentrated around zero, and the edges which are scattered away
from zero. We present empirical evidence for the bulk indicating how
over-parametrized the system is, and for the edges that depend on the input
data.
|
Can Co-robots Learn to Teach? | We explore beyond existing work on learning from demonstration by asking the
question: Can robots learn to teach?, that is, can a robot autonomously learn
an instructional policy from expert demonstration and use it to instruct or
collaborate with humans in executing complex tasks in uncertain environments?
In this paper we pursue a solution to this problem by leveraging the idea that
humans often implicitly decompose a higher level task into several subgoals
whose execution brings the task closer to completion. We propose Dirichlet
process based non-parametric Inverse Reinforcement Learning (DPMIRL) approach
for reward based unsupervised clustering of task space into subgoals. This
approach is shown to capture the latent subgoals that a human teacher would
have utilized to train a novice. The notion of action primitive is introduced
as the means to communicate instruction policy to humans in the least
complicated manner, and as a computationally efficient tool to segment
demonstration data. We evaluate our approach through experiments on hydraulic
actuated scaled model of an excavator and evaluate and compare different
teaching strategies utilized by the robot.
|
Inducing Interpretable Representations with Variational Autoencoders | We develop a framework for incorporating structured graphical models in the
\emph{encoders} of variational autoencoders (VAEs) that allows us to induce
interpretable representations through approximate variational inference. This
allows us to both perform reasoning (e.g. classification) under the structural
constraints of a given graphical model, and use deep generative models to deal
with messy, high-dimensional domains where it is often difficult to model all
the variation. Learning in this framework is carried out end-to-end with a
variational objective, applying to both unsupervised and semi-supervised
schemes.
|
Variational Intrinsic Control | In this paper we introduce a new unsupervised reinforcement learning method
for discovering the set of intrinsic options available to an agent. This set is
learned by maximizing the number of different states an agent can reliably
reach, as measured by the mutual information between the set of options and
option termination states. To this end, we instantiate two policy gradient
based algorithms, one that creates an explicit embedding space of options and
one that represents options implicitly. The algorithms also provide an explicit
measure of empowerment in a given state that can be used by an empowerment
maximizing agent. The algorithm scales well with function approximation and we
demonstrate the applicability of the algorithm on a range of tasks.
|
A causal framework for discovering and removing direct and indirect
discrimination | Anti-discrimination is an increasingly important task in data science. In
this paper, we investigate the problem of discovering both direct and indirect
discrimination from the historical data, and removing the discriminatory
effects before the data is used for predictive analysis (e.g., building
classifiers). We make use of the causal network to capture the causal structure
of the data. Then we model direct and indirect discrimination as the
path-specific effects, which explicitly distinguish the two types of
discrimination as the causal effects transmitted along different paths in the
network. Based on that, we propose an effective algorithm for discovering
direct and indirect discrimination, as well as an algorithm for precisely
removing both types of discrimination while retaining good data utility.
Different from previous works, our approaches can ensure that the predictive
models built from the modified data will not incur discrimination in decision
making. Experiments using real datasets show the effectiveness of our
approaches.
|
Feature Importance Measure for Non-linear Learning Algorithms | Complex problems may require sophisticated, non-linear learning methods such
as kernel machines or deep neural networks to achieve state of the art
prediction accuracies. However, high prediction accuracies are not the only
objective to consider when solving problems using machine learning. Instead,
particular scientific applications require some explanation of the learned
prediction function. Unfortunately, most methods do not come with out of the
box straight forward interpretation. Even linear prediction functions are not
straight forward to explain if features exhibit complex correlation structure.
In this paper, we propose the Measure of Feature Importance (MFI). MFI is
general and can be applied to any arbitrary learning machine (including kernel
machines and deep learning). MFI is intrinsically non-linear and can detect
features that by itself are inconspicuous and only impact the prediction
function through their interaction with other features. Lastly, MFI can be used
for both --- model-based feature importance and instance-based feature
importance (i.e, measuring the importance of a feature for a particular data
point).
|
Quad-networks: unsupervised learning to rank for interest point
detection | Several machine learning tasks require to represent the data using only a
sparse set of interest points. An ideal detector is able to find the
corresponding interest points even if the data undergo a transformation typical
for a given domain. Since the task is of high practical interest in computer
vision, many hand-crafted solutions were proposed. In this paper, we ask a
fundamental question: can we learn such detectors from scratch? Since it is
often unclear what points are "interesting", human labelling cannot be used to
find a truly unbiased solution. Therefore, the task requires an unsupervised
formulation. We are the first to propose such a formulation: training a neural
network to rank points in a transformation-invariant manner. Interest points
are then extracted from the top/bottom quantiles of this ranking. We validate
our approach on two tasks: standard RGB image interest point detection and
challenging cross-modal interest point detection between RGB and depth images.
We quantitatively show that our unsupervised method performs better or on-par
with baselines.
|
Programs as Black-Box Explanations | Recent work in model-agnostic explanations of black-box machine learning has
demonstrated that interpretability of complex models does not have to come at
the cost of accuracy or model flexibility. However, it is not clear what kind
of explanations, such as linear models, decision trees, and rule lists, are the
appropriate family to consider, and different tasks and models may benefit from
different kinds of explanations. Instead of picking a single family of
representations, in this work we propose to use "programs" as model-agnostic
explanations. We show that small programs can be expressive yet intuitive as
explanations, and generalize over a number of existing interpretable families.
We propose a prototype program induction method based on simulated annealing
that approximates the local behavior of black-box classifiers around a specific
prediction using random perturbations. Finally, we present preliminary
application on small datasets and show that the generated explanations are
intuitive and accurate for a number of classifiers.
|
A Neural Network Model to Classify Liver Cancer Patients Using Data
Expansion and Compression | We develop a neural network model to classify liver cancer patients into
high-risk and low-risk groups using genomic data. Our approach provides a novel
technique to classify big data sets using neural network models. We preprocess
the data before training the neural network models. We first expand the data
using wavelet analysis. We then compress the wavelet coefficients by mapping
them onto a new scaled orthonormal coordinate system. Then the data is used to
train a neural network model that enables us to classify cancer patients into
two different classes of high-risk and low-risk patients. We use the
leave-one-out approach to build a neural network model. This neural network
model enables us to classify a patient using genomic data as a high-risk or
low-risk patient without any information about the survival time of the
patient. The results from genomic data analysis are compared with survival time
analysis. It is shown that the expansion and compression of data using wavelet
analysis and singular value decomposition (SVD) is essential to train the
neural network model.
|
SyGuS-Comp 2016: Results and Analysis | Syntax-Guided Synthesis (SyGuS) is the computational problem of finding an
implementation f that meets both a semantic constraint given by a logical
formula $\varphi$ in a background theory T, and a syntactic constraint given by
a grammar G, which specifies the allowed set of candidate implementations. Such
a synthesis problem can be formally defined in SyGuS-IF, a language that is
built on top of SMT-LIB.
The Syntax-Guided Synthesis Competition (SyGuS-Comp) is an effort to
facilitate, bring together and accelerate research and development of efficient
solvers for SyGuS by providing a platform for evaluating different synthesis
techniques on a comprehensive set of benchmarks. In this year's competition we
added a new track devoted to programming by examples. This track consisted of
two categories, one using the theory of bit-vectors and one using the theory of
strings. This paper presents and analyses the results of SyGuS-Comp'16.
|
Interpretation of Prediction Models Using the Input Gradient | State of the art machine learning algorithms are highly optimized to provide
the optimal prediction possible, naturally resulting in complex models. While
these models often outperform simpler more interpretable models by order of
magnitudes, in terms of understanding the way the model functions, we are often
facing a "black box".
In this paper we suggest a simple method to interpret the behavior of any
predictive model, both for regression and classification. Given a particular
model, the information required to interpret it can be obtained by studying the
partial derivatives of the model with respect to the input. We exemplify this
insight by interpreting convolutional and multi-layer neural networks in the
field of natural language processing.
|
Improving Efficiency of SVM k-fold Cross-validation by Alpha Seeding | The k-fold cross-validation is commonly used to evaluate the effectiveness of
SVMs with the selected hyper-parameters. It is known that the SVM k-fold
cross-validation is expensive, since it requires training k SVMs. However,
little work has explored reusing the h-th SVM for training the (h+1)-th SVM for
improving the efficiency of k-fold cross-validation. In this paper, we propose
three algorithms that reuse the h-th SVM for improving the efficiency of
training the (h+1)-th SVM. Our key idea is to efficiently identify the support
vectors and to accurately estimate their associated weights (also called alpha
values) of the next SVM by using the previous SVM. Our experimental results
show that our algorithms are several times faster than the k-fold
cross-validation which does not make use of the previously trained SVM.
Moreover, our algorithms produce the same results (hence same accuracy) as the
k-fold cross-validation which does not make use of the previously trained SVM.
|
Multigrid Neural Architectures | We propose a multigrid extension of convolutional neural networks (CNNs).
Rather than manipulating representations living on a single spatial grid, our
network layers operate across scale space, on a pyramid of grids. They consume
multigrid inputs and produce multigrid outputs; convolutional filters
themselves have both within-scale and cross-scale extent. This aspect is
distinct from simple multiscale designs, which only process the input at
different scales. Viewed in terms of information flow, a multigrid network
passes messages across a spatial pyramid. As a consequence, receptive field
size grows exponentially with depth, facilitating rapid integration of context.
Most critically, multigrid structure enables networks to learn internal
attention and dynamic routing mechanisms, and use them to accomplish tasks on
which modern CNNs fail.
Experiments demonstrate wide-ranging performance advantages of multigrid. On
CIFAR and ImageNet classification tasks, flipping from a single grid to
multigrid within the standard CNN paradigm improves accuracy, while being
compute and parameter efficient. Multigrid is independent of other
architectural choices; we show synergy in combination with residual
connections. Multigrid yields dramatic improvement on a synthetic semantic
segmentation dataset. Most strikingly, relatively shallow multigrid networks
can learn to directly perform spatial transformation tasks, where, in contrast,
current CNNs fail. Together, our results suggest that continuous evolution of
features on a multigrid pyramid is a more powerful alternative to existing CNN
designs on a flat grid.
|
iCaRL: Incremental Classifier and Representation Learning | A major open problem on the road to artificial intelligence is the
development of incrementally learning systems that learn about more and more
concepts over time from a stream of data. In this work, we introduce a new
training strategy, iCaRL, that allows learning in such a class-incremental way:
only the training data for a small number of classes has to be present at the
same time and new classes can be added progressively. iCaRL learns strong
classifiers and a data representation simultaneously. This distinguishes it
from earlier works that were fundamentally limited to fixed data
representations and therefore incompatible with deep learning architectures. We
show by experiments on CIFAR-100 and ImageNet ILSVRC 2012 data that iCaRL can
learn many classes incrementally over a long period of time where other
strategies quickly fail.
|
Tunable Sensitivity to Large Errors in Neural Network Training | When humans learn a new concept, they might ignore examples that they cannot
make sense of at first, and only later focus on such examples, when they are
more useful for learning. We propose incorporating this idea of tunable
sensitivity for hard examples in neural network learning, using a new
generalization of the cross-entropy gradient step, which can be used in place
of the gradient in any gradient-based training method. The generalized gradient
is parameterized by a value that controls the sensitivity of the training
process to harder training examples. We tested our method on several benchmark
datasets. We propose, and corroborate in our experiments, that the optimal
level of sensitivity to hard example is positively correlated with the depth of
the network. Moreover, the test prediction error obtained by our method is
generally lower than that of the vanilla cross-entropy gradient learner. We
therefore conclude that tunable sensitivity can be helpful for neural network
learning.
|
Adaptive Down-Sampling and Dimension Reduction in Time Elastic Kernel
Machines for Efficient Recognition of Isolated Gestures | In the scope of gestural action recognition, the size of the feature vector
representing movements is in general quite large especially when full body
movements are considered. Furthermore, this feature vector evolves during the
movement performance so that a complete movement is fully represented by a
matrix M of size DxT , whose element M i, j represents the value of feature i
at timestamps j. Many studies have addressed dimensionality reduction
considering only the size of the feature vector lying in R D to reduce both the
variability of gestural sequences expressed in the reduced space, and the
computational complexity of their processing. In return, very few of these
methods have explicitly addressed the dimensionality reduction along the time
axis. Yet this is a major issue when considering the use of elastic distances
which are characterized by a quadratic complexity along the time axis. We
present in this paper an evaluation of straightforward approaches aiming at
reducing the dimensionality of the matrix M for each movement, leading to
consider both the dimensionality reduction of the feature vector as well as its
reduction along the time axis. The dimensionality reduction of the feature
vector is achieved by selecting remarkable joints in the skeleton performing
the movement, basically the extremities of the articulatory chains composing
the skeleton. The temporal dimen-sionality reduction is achieved using either a
regular or adaptive down-sampling that seeks to minimize the reconstruction
error of the movements. Elastic and Euclidean kernels are then compared through
support vector machine learning. Two data sets 1 that are widely referenced in
the domain of human gesture recognition, and quite distinctive in terms of
quality of motion capture, are used for the experimental assessment of the
proposed approaches. On these data sets we experimentally show that it is
feasible, and possibly desirable, to significantly reduce simultaneously the
size of the feature vector and the number of skeleton frames to represent body
movements while maintaining a very good recognition rate. The method proves to
give satisfactory results at a level currently reached by state-of-the-art
methods on these data sets. We experimentally show that the computational
complexity reduction that is obtained makes this approach eligible for
real-time applications.
|
Infinite Variational Autoencoder for Semi-Supervised Learning | This paper presents an infinite variational autoencoder (VAE) whose capacity
adapts to suit the input data. This is achieved using a mixture model where the
mixing coefficients are modeled by a Dirichlet process, allowing us to
integrate over the coefficients when performing inference. Critically, this
then allows us to automatically vary the number of autoencoders in the mixture
based on the data. Experiments show the flexibility of our method, particularly
for semi-supervised learning, where only a small number of training samples are
available.
|
Learning Generic Sentence Representations Using Convolutional Neural
Networks | We propose a new encoder-decoder approach to learn distributed sentence
representations that are applicable to multiple purposes. The model is learned
by using a convolutional neural network as an encoder to map an input sentence
into a continuous vector, and using a long short-term memory recurrent neural
network as a decoder. Several tasks are considered, including sentence
reconstruction and future sentence prediction. Further, a hierarchical
encoder-decoder model is proposed to encode a sentence to predict multiple
future sentences. By training our models on a large collection of novels, we
obtain a highly generic convolutional sentence encoder that performs well in
practice. Experimental results on several benchmark datasets, and across a
broad range of applications, demonstrate the superiority of the proposed model
over competing methods.
|
Deep Restricted Boltzmann Networks | Building a good generative model for image has long been an important topic
in computer vision and machine learning. Restricted Boltzmann machine (RBM) is
one of such models that is simple but powerful. However, its restricted form
also has placed heavy constraints on the models representation power and
scalability. Many extensions have been invented based on RBM in order to
produce deeper architectures with greater power. The most famous ones among
them are deep belief network, which stacks multiple layer-wise pretrained RBMs
to form a hybrid model, and deep Boltzmann machine, which allows connections
between hidden units to form a multi-layer structure. In this paper, we present
a new method to compose RBMs to form a multi-layer network style architecture
and a training method that trains all layers jointly. We call the resulted
structure deep restricted Boltzmann network. We further explore the combination
of convolutional RBM with the normal fully connected RBM, which is made trivial
under our composition framework. Experiments show that our model can generate
descent images and outperform the normal RBM significantly in terms of image
quality and feature quality, without losing much efficiency for training.
|
Semantic Compositional Networks for Visual Captioning | A Semantic Compositional Network (SCN) is developed for image captioning, in
which semantic concepts (i.e., tags) are detected from the image, and the
probability of each tag is used to compose the parameters in a long short-term
memory (LSTM) network. The SCN extends each weight matrix of the LSTM to an
ensemble of tag-dependent weight matrices. The degree to which each member of
the ensemble is used to generate an image caption is tied to the
image-dependent probability of the corresponding tag. In addition to captioning
images, we also extend the SCN to generate captions for video clips. We
qualitatively analyze semantic composition in SCNs, and quantitatively evaluate
the algorithm on three benchmark datasets: COCO, Flickr30k, and Youtube2Text.
Experimental results show that the proposed method significantly outperforms
prior state-of-the-art approaches, across multiple evaluation metrics.
|
EEGNet: A Compact Convolutional Network for EEG-based Brain-Computer
Interfaces | Brain computer interfaces (BCI) enable direct communication with a computer,
using neural activity as the control signal. This neural signal is generally
chosen from a variety of well-studied electroencephalogram (EEG) signals. For a
given BCI paradigm, feature extractors and classifiers are tailored to the
distinct characteristics of its expected EEG control signal, limiting its
application to that specific signal. Convolutional Neural Networks (CNNs),
which have been used in computer vision and speech recognition, have
successfully been applied to EEG-based BCIs; however, they have mainly been
applied to single BCI paradigms and thus it remains unclear how these
architectures generalize to other paradigms. Here, we ask if we can design a
single CNN architecture to accurately classify EEG signals from different BCI
paradigms, while simultaneously being as compact as possible. In this work we
introduce EEGNet, a compact convolutional network for EEG-based BCIs. We
introduce the use of depthwise and separable convolutions to construct an
EEG-specific model which encapsulates well-known EEG feature extraction
concepts for BCI. We compare EEGNet to current state-of-the-art approaches
across four BCI paradigms: P300 visual-evoked potentials, error-related
negativity responses (ERN), movement-related cortical potentials (MRCP), and
sensory motor rhythms (SMR). We show that EEGNet generalizes across paradigms
better than the reference algorithms when only limited training data is
available. We demonstrate three different approaches to visualize the contents
of a trained EEGNet model to enable interpretation of the learned features. Our
results suggest that EEGNet is robust enough to learn a wide variety of
interpretable features over a range of BCI tasks, suggesting that the observed
performances were not due to artifact or noise sources in the data.
|
Scalable Bayesian Learning of Recurrent Neural Networks for Language
Modeling | Recurrent neural networks (RNNs) have shown promising performance for
language modeling. However, traditional training of RNNs using back-propagation
through time often suffers from overfitting. One reason for this is that
stochastic optimization (used for large training sets) does not provide good
estimates of model uncertainty. This paper leverages recent advances in
stochastic gradient Markov Chain Monte Carlo (also appropriate for large
training sets) to learn weight uncertainty in RNNs. It yields a principled
Bayesian learning algorithm, adding gradient noise during training (enhancing
exploration of the model-parameter space) and model averaging when testing.
Extensive experiments on various RNN models and across a broad range of
applications demonstrate the superiority of the proposed approach over
stochastic optimization.
|
Multiscale Inverse Reinforcement Learning using Diffusion Wavelets | This work presents a multiscale framework to solve an inverse reinforcement
learning (IRL) problem for continuous-time/state stochastic systems. We take
advantage of a diffusion wavelet representation of the associated Markov chain
to abstract the state space. This not only allows for effectively handling the
large (and geometrically complex) decision space but also provides more
interpretable representations of the demonstrated state trajectories and also
of the resulting policy of IRL. In the proposed framework, the problem is
divided into the global and local IRL, where the global approximation of the
optimal value functions are obtained using coarse features and the local
details are quantified using fine local features. An illustrative numerical
example on robot path control in a complex environment is presented to verify
the proposed method.
|
Survey of Expressivity in Deep Neural Networks | We survey results on neural network expressivity described in "On the
Expressive Power of Deep Neural Networks". The paper motivates and develops
three natural measures of expressiveness, which all display an exponential
dependence on the depth of the network. In fact, all of these measures are
related to a fourth quantity, trajectory length. This quantity grows
exponentially in the depth of the network, and is responsible for the depth
sensitivity observed. These results translate to consequences for networks
during and after training. They suggest that parameters earlier in a network
have greater influence on its expressive power -- in particular, given a layer,
its influence on expressivity is determined by the remaining depth of the
network after that layer. This is verified with experiments on MNIST and
CIFAR-10. We also explore the effect of training on the input-output map, and
find that it trades off between the stability and expressivity.
|
Dynamic Key-Value Memory Networks for Knowledge Tracing | Knowledge Tracing (KT) is a task of tracing evolving knowledge state of
students with respect to one or more concepts as they engage in a sequence of
learning activities. One important purpose of KT is to personalize the practice
sequence to help students learn knowledge concepts efficiently. However,
existing methods such as Bayesian Knowledge Tracing and Deep Knowledge Tracing
either model knowledge state for each predefined concept separately or fail to
pinpoint exactly which concepts a student is good at or unfamiliar with. To
solve these problems, this work introduces a new model called Dynamic Key-Value
Memory Networks (DKVMN) that can exploit the relationships between underlying
concepts and directly output a student's mastery level of each concept. Unlike
standard memory-augmented neural networks that facilitate a single memory
matrix or two static memory matrices, our model has one static matrix called
key, which stores the knowledge concepts and the other dynamic matrix called
value, which stores and updates the mastery levels of corresponding concepts.
Experiments show that our model consistently outperforms the state-of-the-art
model in a range of KT datasets. Moreover, the DKVMN model can automatically
discover underlying concepts of exercises typically performed by human
annotations and depict the changing knowledge state of a student.
|
Interpreting the Predictions of Complex ML Models by Layer-wise
Relevance Propagation | Complex nonlinear models such as deep neural network (DNNs) have become an
important tool for image classification, speech recognition, natural language
processing, and many other fields of application. These models however lack
transparency due to their complex nonlinear structure and to the complex data
distributions to which they typically apply. As a result, it is difficult to
fully characterize what makes these models reach a particular decision for a
given input. This lack of transparency can be a drawback, especially in the
context of sensitive applications such as medical analysis or security. In this
short paper, we summarize a recent technique introduced by Bach et al. [1] that
explains predictions by decomposing the classification decision of DNN models
in terms of input variables.
|
Fast Orthonormal Sparsifying Transforms Based on Householder Reflectors | Dictionary learning is the task of determining a data-dependent transform
that yields a sparse representation of some observed data. The dictionary
learning problem is non-convex, and usually solved via computationally complex
iterative algorithms. Furthermore, the resulting transforms obtained generally
lack structure that permits their fast application to data. To address this
issue, this paper develops a framework for learning orthonormal dictionaries
which are built from products of a few Householder reflectors. Two algorithms
are proposed to learn the reflector coefficients: one that considers a
sequential update of the reflectors and one with a simultaneous update of all
reflectors that imposes an additional internal orthogonal constraint. The
proposed methods have low computational complexity and are shown to converge to
local minimum points which can be described in terms of the spectral properties
of the matrices involved. The resulting dictionaries balance between the
computational complexity and the quality of the sparse representations by
controlling the number of Householder reflectors in their product. Simulations
of the proposed algorithms are shown in the image processing setting where
well-known fast transforms are available for comparisons. The proposed
algorithms have favorable reconstruction error and the advantage of a fast
implementation relative to the classical, unstructured, dictionaries.
|
Learning Fast Sparsifying Transforms | Given a dataset, the task of learning a transform that allows sparse
representations of the data bears the name of dictionary learning. In many
applications, these learned dictionaries represent the data much better than
the static well-known transforms (Fourier, Hadamard etc.). The main downside of
learned transforms is that they lack structure and therefore they are not
computationally efficient, unlike their classical counterparts. These posse
several difficulties especially when using power limited hardware such as
mobile devices, therefore discouraging the application of sparsity techniques
in such scenarios. In this paper we construct orthogonal and non-orthogonal
dictionaries that are factorized as a product of a few basic transformations.
In the orthogonal case, we solve exactly the dictionary update problem for one
basic transformation, which can be viewed as a generalized Givens rotation, and
then propose to construct orthogonal dictionaries that are a product of these
transformations, guaranteeing their fast manipulation. We also propose a method
to construct fast square but non-orthogonal dictionaries that are factorized as
a product of few transforms that can be viewed as a further generalization of
Givens rotations to the non-orthogonal setting. We show how the proposed
transforms can balance very well data representation performance and
computational complexity. We also compare with classical fast and learned
general and orthogonal transforms.
|
Identifying Significant Predictive Bias in Classifiers | We present a novel subset scan method to detect if a probabilistic binary
classifier has statistically significant bias -- over or under predicting the
risk -- for some subgroup, and identify the characteristics of this subgroup.
This form of model checking and goodness-of-fit test provides a way to
interpretably detect the presence of classifier bias or regions of poor
classifier fit. This allows consideration of not just subgroups of a priori
interest or small dimensions, but the space of all possible subgroups of
features. To address the difficulty of considering these exponentially many
possible subgroups, we use subset scan and parametric bootstrap-based methods.
Extending this method, we can penalize the complexity of the detected subgroup
and also identify subgroups with high classification errors. We demonstrate
these methods and find interesting results on the COMPAS crime recidivism and
credit delinquency data.
|
On Human Intellect and Machine Failures: Troubleshooting Integrative
Machine Learning Systems | We study the problem of troubleshooting machine learning systems that rely on
analytical pipelines of distinct components. Understanding and fixing errors
that arise in such integrative systems is difficult as failures can occur at
multiple points in the execution workflow. Moreover, errors can propagate,
become amplified or be suppressed, making blame assignment difficult. We
propose a human-in-the-loop methodology which leverages human intellect for
troubleshooting system failures. The approach simulates potential component
fixes through human computation tasks and measures the expected improvements in
the holistic behavior of the system. The method provides guidance to designers
about how they can best improve the system. We demonstrate the effectiveness of
the approach on an automated image captioning system that has been pressed into
real-world use.
|
Training and Evaluating Multimodal Word Embeddings with Large-scale Web
Annotated Images | In this paper, we focus on training and evaluating effective word embeddings
with both text and visual information. More specifically, we introduce a
large-scale dataset with 300 million sentences describing over 40 million
images crawled and downloaded from publicly available Pins (i.e. an image with
sentence descriptions uploaded by users) on Pinterest. This dataset is more
than 200 times larger than MS COCO, the standard large-scale image dataset with
sentence descriptions. In addition, we construct an evaluation dataset to
directly assess the effectiveness of word embeddings in terms of finding
semantically similar or related words and phrases. The word/phrase pairs in
this evaluation dataset are collected from the click data with millions of
users in an image search system, thus contain rich semantic relationships.
Based on these datasets, we propose and compare several Recurrent Neural
Networks (RNNs) based multimodal (text and image) models. Experiments show that
our model benefits from incorporating the visual information into the word
embeddings, and a weight sharing strategy is crucial for learning such
multimodal embeddings. The project page is:
http://www.stat.ucla.edu/~junhua.mao/multimodal_embedding.html
|
An Overview on Data Representation Learning: From Traditional Feature
Learning to Recent Deep Learning | Since about 100 years ago, to learn the intrinsic structure of data, many
representation learning approaches have been proposed, including both linear
ones and nonlinear ones, supervised ones and unsupervised ones. Particularly,
deep architectures are widely applied for representation learning in recent
years, and have delivered top results in many tasks, such as image
classification, object detection and speech recognition. In this paper, we
review the development of data representation learning methods. Specifically,
we investigate both traditional feature learning algorithms and
state-of-the-art deep learning models. The history of data representation
learning is introduced, while available resources (e.g. online course, tutorial
and book information) and toolboxes are provided. Finally, we conclude this
paper with remarks and some interesting research directions on data
representation learning.
|
Local Discriminant Hyperalignment for multi-subject fMRI data alignment | Multivariate Pattern (MVP) classification can map different cognitive states
to the brain tasks. One of the main challenges in MVP analysis is validating
the generated results across subjects. However, analyzing multi-subject fMRI
data requires accurate functional alignments between neuronal activities of
different subjects, which can rapidly increase the performance and robustness
of the final results. Hyperalignment (HA) is one of the most effective
functional alignment methods, which can be mathematically formulated by the
Canonical Correlation Analysis (CCA) methods. Since HA mostly uses the
unsupervised CCA techniques, its solution may not be optimized for MVP
analysis. By incorporating the idea of Local Discriminant Analysis (LDA) into
CCA, this paper proposes Local Discriminant Hyperalignment (LDHA) as a novel
supervised HA method, which can provide better functional alignment for MVP
analysis. Indeed, the locality is defined based on the stimuli categories in
the train-set, where the correlation between all stimuli in the same category
will be maximized and the correlation between distinct categories of stimuli
approaches to near zero. Experimental studies on multi-subject MVP analysis
confirm that the LDHA method achieves superior performance to other
state-of-the-art HA algorithms.
|
A Unified Convex Surrogate for the Schatten-$p$ Norm | The Schatten-$p$ norm ($0<p<1$) has been widely used to replace the nuclear
norm for better approximating the rank function. However, existing methods are
either 1) not scalable for large scale problems due to relying on singular
value decomposition (SVD) in every iteration, or 2) specific to some $p$
values, e.g., $1/2$, and $2/3$. In this paper, we show that for any $p$, $p_1$,
and $p_2 >0$ satisfying $1/p=1/p_1+1/p_2$, there is an equivalence between the
Schatten-$p$ norm of one matrix and the Schatten-$p_1$ and the Schatten-$p_2$
norms of its two factor matrices. We further extend the equivalence to multiple
factor matrices and show that all the factor norms can be convex and smooth for
any $p>0$. In contrast, the original Schatten-$p$ norm for $0<p<1$ is
non-convex and non-smooth. As an example we conduct experiments on matrix
completion. To utilize the convexity of the factor matrix norms, we adopt the
accelerated proximal alternating linearized minimization algorithm and
establish its sequence convergence. Experiments on both synthetic and real
datasets exhibit its superior performance over the state-of-the-art methods.
Its speed is also highly competitive.
|
Bidirectional LSTM-CRF for Clinical Concept Extraction | Automated extraction of concepts from patient clinical records is an
essential facilitator of clinical research. For this reason, the 2010 i2b2/VA
Natural Language Processing Challenges for Clinical Records introduced a
concept extraction task aimed at identifying and classifying concepts into
predefined categories (i.e., treatments, tests and problems). State-of-the-art
concept extraction approaches heavily rely on handcrafted features and
domain-specific resources which are hard to collect and define. For this
reason, this paper proposes an alternative, streamlined approach: a recurrent
neural network (the bidirectional LSTM with CRF decoding) initialized with
general-purpose, off-the-shelf word embeddings. The experimental results
achieved on the 2010 i2b2/VA reference corpora using the proposed framework
outperform all recent methods and ranks closely to the best submission from the
original 2010 i2b2/VA challenge.
|
Distributed Optimization of Multi-Class SVMs | Training of one-vs.-rest SVMs can be parallelized over the number of classes
in a straight forward way. Given enough computational resources, one-vs.-rest
SVMs can thus be trained on data involving a large number of classes. The same
cannot be stated, however, for the so-called all-in-one SVMs, which require
solving a quadratic program of size quadratically in the number of classes. We
develop distributed algorithms for two all-in-one SVM formulations (Lee et al.
and Weston and Watkins) that parallelize the computation evenly over the number
of classes. This allows us to compare these models to one-vs.-rest SVMs on
unprecedented scale. The results indicate superior accuracy on text
classification data.
|
On the Exponentially Weighted Aggregate with the Laplace Prior | In this paper, we study the statistical behaviour of the Exponentially
Weighted Aggregate (EWA) in the problem of high-dimensional regression with
fixed design. Under the assumption that the underlying regression vector is
sparse, it is reasonable to use the Laplace distribution as a prior. The
resulting estimator and, specifically, a particular instance of it referred to
as the Bayesian lasso, was already used in the statistical literature because
of its computational convenience, even though no thorough mathematical analysis
of its statistical properties was carried out. The present work fills this gap
by establishing sharp oracle inequalities for the EWA with the Laplace prior.
These inequalities show that if the temperature parameter is small, the EWA
with the Laplace prior satisfies the same type of oracle inequality as the
lasso estimator does, as long as the quality of estimation is measured by the
prediction loss. Extensions of the proposed methodology to the problem of
prediction with low-rank matrices are considered.
|
Bottleneck Conditional Density Estimation | We introduce a new framework for training deep generative models for
high-dimensional conditional density estimation. The Bottleneck Conditional
Density Estimator (BCDE) is a variant of the conditional variational
autoencoder (CVAE) that employs layer(s) of stochastic variables as the
bottleneck between the input $x$ and target $y$, where both are
high-dimensional. Crucially, we propose a new hybrid training method that
blends the conditional generative model with a joint generative model. Hybrid
blending is the key to effective training of the BCDE, which avoids overfitting
and provides a novel mechanism for leveraging unlabeled data. We show that our
hybrid training procedure enables models to achieve competitive results in the
MNIST quadrant prediction task in the fully-supervised setting, and sets new
benchmarks in the semi-supervised regime for MNIST, SVHN, and CelebA.
|
A Benchmark and Comparison of Active Learning for Logistic Regression | Logistic regression is by far the most widely used classifier in real-world
applications. In this paper, we benchmark the state-of-the-art active learning
methods for logistic regression and discuss and illustrate their underlying
characteristics. Experiments are carried out on three synthetic datasets and 44
real-world datasets, providing insight into the behaviors of these active
learning methods with respect to the area of the learning curve (which plots
classification accuracy as a function of the number of queried examples) and
their computational costs. Surprisingly, one of the earliest and simplest
suggested active learning methods, i.e., uncertainty sampling, performs
exceptionally well overall. Another remarkable finding is that random sampling,
which is the rudimentary baseline to improve upon, is not overwhelmed by
individual active learning techniques in many cases.
|
Patient-Driven Privacy Control through Generalized Distillation | The introduction of data analytics into medicine has changed the nature of
patient treatment. In this, patients are asked to disclose personal information
such as genetic markers, lifestyle habits, and clinical history. This data is
then used by statistical models to predict personalized treatments. However,
due to privacy concerns, patients often desire to withhold sensitive
information. This self-censorship can impede proper diagnosis and treatment,
which may lead to serious health complications and even death over time. In
this paper, we present privacy distillation, a mechanism which allows patients
to control the type and amount of information they wish to disclose to the
healthcare providers for use in statistical models. Meanwhile, it retains the
accuracy of models that have access to all patient data under a sufficient but
not full set of privacy-relevant information. We validate privacy distillation
using a corpus of patients prescribed to warfarin for a personalized dosage. We
use a deep neural network to implement privacy distillation for training and
making dose predictions. We find that privacy distillation with sufficient
privacy-relevant information i) retains accuracy almost as good as having all
patient data (only 3\% worse), and ii) is effective at preventing errors that
introduce health-related risks (only 3.9\% worse under- or over-prescriptions).
|
A Deep Neural Network to identify foreshocks in real time | Foreshock events provide valuable insight to predict imminent major
earthquakes. However, it is difficult to identify them in real time. In this
paper, I propose an algorithm based on deep learning to instantaneously
classify a seismic waveform as a foreshock, mainshock or an aftershock event
achieving a high accuracy of 99% in classification. As a result, this is by far
the most reliable method to predict major earthquakes that are preceded by
foreshocks. In addition, I discuss methods to create an earthquake dataset that
is compatible with deep networks.
|
Training an Interactive Humanoid Robot Using Multimodal Deep
Reinforcement Learning | Training robots to perceive, act and communicate using multiple modalities
still represents a challenging problem, particularly if robots are expected to
learn efficiently from small sets of example interactions. We describe a
learning approach as a step in this direction, where we teach a humanoid robot
how to play the game of noughts and crosses. Given that multiple multimodal
skills can be trained to play this game, we focus our attention to training the
robot to perceive the game, and to interact in this game. Our multimodal deep
reinforcement learning agent perceives multimodal features and exhibits verbal
and non-verbal actions while playing. Experimental results using simulations
show that the robot can learn to win or draw up to 98% of the games. A pilot
test of the proposed multimodal system for the targeted game---integrating
speech, vision and gestures---reports that reasonable and fluent interactions
can be achieved using the proposed approach.
|
Visual Dialog | We introduce the task of Visual Dialog, which requires an AI agent to hold a
meaningful dialog with humans in natural, conversational language about visual
content. Specifically, given an image, a dialog history, and a question about
the image, the agent has to ground the question in image, infer context from
history, and answer the question accurately. Visual Dialog is disentangled
enough from a specific downstream task so as to serve as a general test of
machine intelligence, while being grounded in vision enough to allow objective
evaluation of individual responses and benchmark progress. We develop a novel
two-person chat data-collection protocol to curate a large-scale Visual Dialog
dataset (VisDial). VisDial v0.9 has been released and contains 1 dialog with 10
question-answer pairs on ~120k images from COCO, with a total of ~1.2M dialog
question-answer pairs.
We introduce a family of neural encoder-decoder models for Visual Dialog with
3 encoders -- Late Fusion, Hierarchical Recurrent Encoder and Memory Network --
and 2 decoders (generative and discriminative), which outperform a number of
sophisticated baselines. We propose a retrieval-based evaluation protocol for
Visual Dialog where the AI agent is asked to sort a set of candidate answers
and evaluated on metrics such as mean-reciprocal-rank of human response. We
quantify gap between machine and human performance on the Visual Dialog task
via human studies. Putting it all together, we demonstrate the first 'visual
chatbot'! Our dataset, code, trained models and visual chatbot are available on
https://visualdialog.org
|
Deep Reinforcement Learning for Multi-Domain Dialogue Systems | Standard deep reinforcement learning methods such as Deep Q-Networks (DQN)
for multiple tasks (domains) face scalability problems. We propose a method for
multi-domain dialogue policy learning---termed NDQN, and apply it to an
information-seeking spoken dialogue system in the domains of restaurants and
hotels. Experimental results comparing DQN (baseline) versus NDQN (proposed)
using simulations report that our proposed method exhibits better scalability
and is promising for optimising the behaviour of multi-domain dialogue systems.
|
Machine Learning on Human Connectome Data from MRI | Functional MRI (fMRI) and diffusion MRI (dMRI) are non-invasive imaging
modalities that allow in-vivo analysis of a patient's brain network (known as a
connectome). Use of these technologies has enabled faster and better diagnoses
and treatments of neurological disorders and a deeper understanding of the
human brain. Recently, researchers have been exploring the application of
machine learning models to connectome data in order to predict clinical
outcomes and analyze the importance of subnetworks in the brain. Connectome
data has unique properties, which present both special challenges and
opportunities when used for machine learning. The purpose of this work is to
review the literature on the topic of applying machine learning models to
MRI-based connectome data. This field is growing rapidly and now encompasses a
large body of research. To summarize the research done to date, we provide a
comparative, structured summary of 77 relevant works, tabulated according to
different criteria, that represent the majority of the literature on this
topic. (We also published a living version of this table online at
http://connectomelearning.cs.sfu.ca that the community can continue to
contribute to.) After giving an overview of how connectomes are constructed
from dMRI and fMRI data, we discuss the variety of machine learning tasks that
have been explored with connectome data. We then compare the advantages and
drawbacks of different machine learning approaches that have been employed,
discussing different feature selection and feature extraction schemes, as well
as the learning models and regularization penalties themselves. Throughout this
discussion, we focus particularly on how the methods are adapted to the unique
nature of graphical connectome data. Finally, we conclude by summarizing the
current state of the art and by outlining what we believe are strategic
directions for future research.
|
BliStrTune: Hierarchical Invention of Theorem Proving Strategies | Inventing targeted proof search strategies for specific problem sets is a
difficult task. State-of-the-art automated theorem provers (ATPs) such as E
allow a large number of user-specified proof search strategies described in a
rich domain specific language. Several machine learning methods that invent
strategies automatically for ATPs were proposed previously. One of them is the
Blind Strategymaker (BliStr), a system for automated invention of ATP
strategies.
In this paper we introduce BliStrTune -- a hierarchical extension of BliStr.
BliStrTune allows exploring much larger space of E strategies by interleaving
search for high-level parameters with their fine-tuning. We use BliStrTune to
invent new strategies based also on new clause weight functions targeted at
problems from large ITP libraries. We show that the new strategies
significantly improve E's performance in solving problems from the Mizar
Mathematical Library.
|
Structural Correspondence Learning for Cross-lingual Sentiment
Classification with One-to-many Mappings | Structural correspondence learning (SCL) is an effective method for
cross-lingual sentiment classification. This approach uses unlabeled documents
along with a word translation oracle to automatically induce task specific,
cross-lingual correspondences. It transfers knowledge through identifying
important features, i.e., pivot features. For simplicity, however, it assumes
that the word translation oracle maps each pivot feature in source language to
exactly only one word in target language. This one-to-one mapping between words
in different languages is too strict. Also the context is not considered at
all. In this paper, we propose a cross-lingual SCL based on distributed
representation of words; it can learn meaningful one-to-many mappings for pivot
words using large amounts of monolingual data and a small dictionary. We
conduct experiments on NLP\&CC 2013 cross-lingual sentiment analysis dataset,
employing English as source language, and Chinese as target language. Our
method does not rely on the parallel corpora and the experimental results show
that our approach is more competitive than the state-of-the-art methods in
cross-lingual sentiment classification.
|
What Can Be Predicted from Six Seconds of Driver Glances? | We consider a large dataset of real-world, on-road driving from a 100-car
naturalistic study to explore the predictive power of driver glances and,
specifically, to answer the following question: what can be predicted about the
state of the driver and the state of the driving environment from a 6-second
sequence of macro-glances? The context-based nature of such glances allows for
application of supervised learning to the problem of vision-based gaze
estimation, making it robust, accurate, and reliable in messy, real-world
conditions. So, it's valuable to ask whether such macro-glances can be used to
infer behavioral, environmental, and demographic variables? We analyze 27
binary classification problems based on these variables. The takeaway is that
glance can be used as part of a multi-sensor real-time system to predict
radio-tuning, fatigue state, failure to signal, talking, and several
environment variables.
|
Should I use TensorFlow | Google's Machine Learning framework TensorFlow was open-sourced in November
2015 [1] and has since built a growing community around it. TensorFlow is
supposed to be flexible for research purposes while also allowing its models to
be deployed productively. This work is aimed towards people with experience in
Machine Learning considering whether they should use TensorFlow in their
environment. Several aspects of the framework important for such a decision are
examined, such as the heterogenity, extensibility and its computation graph. A
pure Python implementation of linear classification is compared with an
implementation utilizing TensorFlow. I also contrast TensorFlow to other
popular frameworks with respect to modeling capability, deployment and
performance and give a brief description of the current adaption of the
framework.
|
Deep attractor network for single-microphone speaker separation | Despite the overwhelming success of deep learning in various speech
processing tasks, the problem of separating simultaneous speakers in a mixture
remains challenging. Two major difficulties in such systems are the arbitrary
source permutation and unknown number of sources in the mixture. We propose a
novel deep learning framework for single channel speech separation by creating
attractor points in high dimensional embedding space of the acoustic signals
which pull together the time-frequency bins corresponding to each source.
Attractor points in this study are created by finding the centroids of the
sources in the embedding space, which are subsequently used to determine the
similarity of each bin in the mixture to each source. The network is then
trained to minimize the reconstruction error of each source by optimizing the
embeddings. The proposed model is different from prior works in that it
implements an end-to-end training, and it does not depend on the number of
sources in the mixture. Two strategies are explored in the test time, K-means
and fixed attractor points, where the latter requires no post-processing and
can be implemented in real-time. We evaluated our system on Wall Street Journal
dataset and show 5.49\% improvement over the previous state-of-the-art methods.
|
Learning a Natural Language Interface with Neural Programmer | Learning a natural language interface for database tables is a challenging
task that involves deep language understanding and multi-step reasoning. The
task is often approached by mapping natural language queries to logical forms
or programs that provide the desired response when executed on the database. To
our knowledge, this paper presents the first weakly supervised, end-to-end
neural network model to induce such programs on a real-world dataset. We
enhance the objective function of Neural Programmer, a neural network with
built-in discrete operations, and apply it on WikiTableQuestions, a natural
language question-answering dataset. The model is trained end-to-end with weak
supervision of question-answer pairs, and does not require domain-specific
grammars, rules, or annotations that are key elements in previous approaches to
program induction. The main experimental result in this paper is that a single
Neural Programmer model achieves 34.2% accuracy using only 10,000 examples with
weak supervision. An ensemble of 15 models, with a trivial combination
technique, achieves 37.7% accuracy, which is competitive to the current
state-of-the-art accuracy of 37.1% obtained by a traditional natural language
semantic parser.
|
DeepSetNet: Predicting Sets with Deep Neural Networks | This paper addresses the task of set prediction using deep learning. This is
important because the output of many computer vision tasks, including image
tagging and object detection, are naturally expressed as sets of entities
rather than vectors. As opposed to a vector, the size of a set is not fixed in
advance, and it is invariant to the ordering of entities within it. We define a
likelihood for a set distribution and learn its parameters using a deep neural
network. We also derive a loss for predicting a discrete distribution
corresponding to set cardinality. Set prediction is demonstrated on the problem
of multi-class image classification. Moreover, we show that the proposed
cardinality loss can also trivially be applied to the tasks of object counting
and pedestrian detection. Our approach outperforms existing methods in all
three cases on standard datasets.
|
Image Based Appraisal of Real Estate Properties | Real estate appraisal, which is the process of estimating the price for real
estate properties, is crucial for both buys and sellers as the basis for
negotiation and transaction. Traditionally, the repeat sales model has been
widely adopted to estimate real estate price. However, it depends the design
and calculation of a complex economic related index, which is challenging to
estimate accurately. Today, real estate brokers provide easy access to detailed
online information on real estate properties to their clients. We are
interested in estimating the real estate price from these large amounts of
easily accessed data. In particular, we analyze the prediction power of online
house pictures, which is one of the key factors for online users to make a
potential visiting decision. The development of robust computer vision
algorithms makes the analysis of visual content possible. In this work, we
employ a Recurrent Neural Network (RNN) to predict real estate price using the
state-of-the-art visual features. The experimental results indicate that our
model outperforms several of other state-of-the-art baseline algorithms in
terms of both mean absolute error (MAE) and mean absolute percentage error
(MAPE).
|
Times series averaging and denoising from a probabilistic perspective on
time-elastic kernels | In the light of regularized dynamic time warping kernels, this paper
re-considers the concept of time elastic centroid for a setof time series. We
derive a new algorithm based on a probabilistic interpretation of kernel
alignment matrices. This algorithm expressesthe averaging process in terms of a
stochastic alignment automata. It uses an iterative agglomerative heuristic
method for averagingthe aligned samples, while also averaging the times of
occurrence of the aligned samples. By comparing classification accuracies for45
heterogeneous time series datasets obtained by first nearest centroid/medoid
classifiers we show that: i) centroid-basedapproaches significantly outperform
medoid-based approaches, ii) for the considered datasets, our algorithm that
combines averagingin the sample space and along the time axes, emerges as the
most significantly robust model for time-elastic averaging with apromising
noise reduction capability. We also demonstrate its benefit in an isolated
gesture recognition experiment and its ability tosignificantly reduce the size
of training instance sets. Finally we highlight its denoising capability using
demonstrative synthetic data:we show that it is possible to retrieve, from few
noisy instances, a signal whose components are scattered in a wide spectral
band.
|
AutoMOS: Learning a non-intrusive assessor of naturalness-of-speech | Developers of text-to-speech synthesizers (TTS) often make use of human
raters to assess the quality of synthesized speech. We demonstrate that we can
model human raters' mean opinion scores (MOS) of synthesized speech using a
deep recurrent neural network whose inputs consist solely of a raw waveform.
Our best models provide utterance-level estimates of MOS only moderately
inferior to sampled human ratings, as shown by Pearson and Spearman
correlations. When multiple utterances are scored and averaged, a scenario
common in synthesizer quality assessment, AutoMOS achieves correlations
approaching those of human raters. The AutoMOS model has a number of
applications, such as the ability to explore the parameter space of a speech
synthesizer without requiring a human-in-the-loop.
|
Robust Variational Inference | Variational inference is a powerful tool for approximate inference. However,
it mainly focuses on the evidence lower bound as variational objective and the
development of other measures for variational inference is a promising area of
research. This paper proposes a robust modification of evidence and a lower
bound for the evidence, which is applicable when the majority of the training
set samples are random noise objects. We provide experiments for variational
autoencoders to show advantage of the objective over the evidence lower bound
on synthetic datasets obtained by adding uninformative noise objects to MNIST
and OMNIGLOT. Additionally, for the original MNIST and OMNIGLOT datasets we
observe a small improvement over the non-robust evidence lower bound.
|
Efficient Convolutional Auto-Encoding via Random Convexification and
Frequency-Domain Minimization | The omnipresence of deep learning architectures such as deep convolutional
neural networks (CNN)s is fueled by the synergistic combination of
ever-increasing labeled datasets and specialized hardware. Despite the
indisputable success, the reliance on huge amounts of labeled data and
specialized hardware can be a limiting factor when approaching new
applications. To help alleviating these limitations, we propose an efficient
learning strategy for layer-wise unsupervised training of deep CNNs on
conventional hardware in acceptable time. Our proposed strategy consists of
randomly convexifying the reconstruction contractive auto-encoding (RCAE)
learning objective and solving the resulting large-scale convex minimization
problem in the frequency domain via coordinate descent (CD). The main
advantages of our proposed learning strategy are: (1) single tunable
optimization parameter; (2) fast and guaranteed convergence; (3) possibilities
for full parallelization. Numerical experiments show that our proposed learning
strategy scales (in the worst case) linearly with image size, number of filters
and filter size.
|
Dense Prediction on Sequences with Time-Dilated Convolutions for Speech
Recognition | In computer vision pixelwise dense prediction is the task of predicting a
label for each pixel in the image. Convolutional neural networks achieve good
performance on this task, while being computationally efficient. In this paper
we carry these ideas over to the problem of assigning a sequence of labels to a
set of speech frames, a task commonly known as framewise classification. We
show that dense prediction view of framewise classification offers several
advantages and insights, including computational efficiency and the ability to
apply batch normalization. When doing dense prediction we pay specific
attention to strided pooling in time and introduce an asymmetric dilated
convolution, called time-dilated convolution, that allows for efficient and
elegant implementation of pooling in time. We show results using time-dilated
convolutions in a very deep VGG-style CNN with batch normalization on the Hub5
Switchboard-2000 benchmark task. With a big n-gram language model, we achieve
7.7% WER which is the best single model single-pass performance reported so
far.
|
Improving Policy Gradient by Exploring Under-appreciated Rewards | This paper presents a novel form of policy gradient for model-free
reinforcement learning (RL) with improved exploration properties. Current
policy-based methods use entropy regularization to encourage undirected
exploration of the reward landscape, which is ineffective in high dimensional
spaces with sparse rewards. We propose a more directed exploration strategy
that promotes exploration of under-appreciated reward regions. An action
sequence is considered under-appreciated if its log-probability under the
current policy under-estimates its resulting reward. The proposed exploration
strategy is easy to implement, requiring small modifications to an
implementation of the REINFORCE algorithm. We evaluate the approach on a set of
algorithmic tasks that have long challenged RL methods. Our approach reduces
hyper-parameter sensitivity and demonstrates significant improvements over
baseline methods. Our algorithm successfully solves a benchmark multi-digit
addition task and generalizes to long sequences. This is, to our knowledge, the
first time that a pure RL method has solved addition using only reward
feedback.
|
Accelerated Gradient Temporal Difference Learning | The family of temporal difference (TD) methods span a spectrum from
computationally frugal linear methods like TD({\lambda}) to data efficient
least squares methods. Least square methods make the best use of available data
directly computing the TD solution and thus do not require tuning a typically
highly sensitive learning rate parameter, but require quadratic computation and
storage. Recent algorithmic developments have yielded several sub-quadratic
methods that use an approximation to the least squares TD solution, but incur
bias. In this paper, we propose a new family of accelerated gradient TD (ATD)
methods that (1) provide similar data efficiency benefits to least-squares
methods, at a fraction of the computation and storage (2) significantly reduce
parameter sensitivity compared to linear TD methods, and (3) are asymptotically
unbiased. We illustrate these claims with a proof of convergence in expectation
and experiments on several benchmark domains and a large-scale industrial
energy allocation domain.
|
Dictionary Learning with Equiprobable Matching Pursuit | Sparse signal representations based on linear combinations of learned atoms
have been used to obtain state-of-the-art results in several practical signal
processing applications. Approximation methods are needed to process
high-dimensional signals in this way because the problem to calculate optimal
atoms for sparse coding is NP-hard. Here we study greedy algorithms for
unsupervised learning of dictionaries of shift-invariant atoms and propose a
new method where each atom is selected with the same probability on average,
which corresponds to the homeostatic regulation of a recurrent convolutional
neural network. Equiprobable selection can be used with several greedy
algorithms for dictionary learning to ensure that all atoms adapt during
training and that no particular atom is more likely to take part in the linear
combination on average. We demonstrate via simulation experiments that
dictionary learning with equiprobable selection results in higher entropy of
the sparse representation and lower reconstruction and denoising errors, both
in the case of ordinary matching pursuit and orthogonal matching pursuit with
shift-invariant dictionaries. Furthermore, we show that the computational costs
of the matching pursuits are lower with equiprobable selection, leading to
faster and more accurate dictionary learning algorithms.
|
Diet Networks: Thin Parameters for Fat Genomics | Learning tasks such as those involving genomic data often poses a serious
challenge: the number of input features can be orders of magnitude larger than
the number of training examples, making it difficult to avoid overfitting, even
when using the known regularization techniques. We focus here on tasks in which
the input is a description of the genetic variation specific to a patient, the
single nucleotide polymorphisms (SNPs), yielding millions of ternary inputs.
Improving the ability of deep learning to handle such datasets could have an
important impact in precision medicine, where high-dimensional data regarding a
particular patient is used to make predictions of interest. Even though the
amount of data for such tasks is increasing, this mismatch between the number
of examples and the number of inputs remains a concern. Naive implementations
of classifier neural networks involve a huge number of free parameters in their
first layer: each input feature is associated with as many parameters as there
are hidden units. We propose a novel neural network parametrization which
considerably reduces the number of free parameters. It is based on the idea
that we can first learn or provide a distributed representation for each input
feature (e.g. for each position in the genome where variations are observed),
and then learn (with another neural network called the parameter prediction
network) how to map a feature's distributed representation to the vector of
parameters specific to that feature in the classifier neural network (the
weights which link the value of the feature to each of the hidden units). We
show experimentally on a population stratification task of interest to medical
studies that the proposed approach can significantly reduce both the number of
parameters and the error rate of the classifier.
|
Unifying Multi-Domain Multi-Task Learning: Tensor and Neural Network
Perspectives | Multi-domain learning aims to benefit from simultaneously learning across
several different but related domains. In this chapter, we propose a single
framework that unifies multi-domain learning (MDL) and the related but better
studied area of multi-task learning (MTL). By exploiting the concept of a
\emph{semantic descriptor} we show how our framework encompasses various
classic and recent MDL/MTL algorithms as special cases with different semantic
descriptor encodings. As a second contribution, we present a higher order
generalisation of this framework, capable of simultaneous
multi-task-multi-domain learning. This generalisation has two mathematically
equivalent views in multi-linear algebra and gated neural networks
respectively. Moreover, by exploiting the semantic descriptor, it provides
neural networks the capability of zero-shot learning (ZSL), where a classifier
is generated for an unseen class without any training data; as well as
zero-shot domain adaptation (ZSDA), where a model is generated for an unseen
domain without any training data. In practice, this framework provides a
powerful yet easy to implement method that can be flexibly applied to MTL, MDL,
ZSL and ZSDA.
|
The Emergence of Organizing Structure in Conceptual Representation | Both scientists and children make important structural discoveries, yet their
computational underpinnings are not well understood. Structure discovery has
previously been formalized as probabilistic inference about the right
structural form --- where form could be a tree, ring, chain, grid, etc. [Kemp &
Tenenbaum (2008). The discovery of structural form. PNAS, 105(3), 10687-10692].
While this approach can learn intuitive organizations, including a tree for
animals and a ring for the color circle, it assumes a strong inductive bias
that considers only these particular forms, and each form is explicitly
provided as initial knowledge. Here we introduce a new computational model of
how organizing structure can be discovered, utilizing a broad hypothesis space
with a preference for sparse connectivity. Given that the inductive bias is
more general, the model's initial knowledge shows little qualitative
resemblance to some of the discoveries it supports. As a consequence, the model
can also learn complex structures for domains that lack intuitive description,
as well as predict human property induction judgments without explicit
structural forms. By allowing form to emerge from sparsity, our approach
clarifies how both the richness and flexibility of human conceptual
organization can coexist.
|
Safety-Aware Robot Damage Recovery Using Constrained Bayesian
Optimization and Simulated Priors | The recently introduced Intelligent Trial-and-Error (IT&E) algorithm showed
that robots can adapt to damage in a matter of a few trials. The success of
this algorithm relies on two components: prior knowledge acquired through
simulation with an intact robot, and Bayesian optimization (BO) that operates
on-line, on the damaged robot. While IT&E leads to fast damage recovery, it
does not incorporate any safety constraints that prevent the robot from
attempting harmful behaviors. In this work, we address this limitation by
replacing the BO component with a constrained BO procedure. We evaluate our
approach on a simulated damaged humanoid robot that needs to crawl as fast as
possible, while performing as few unsafe trials as possible. We compare our new
"safety-aware IT&E" algorithm to IT&E and a multi-objective version of IT&E in
which the safety constraints are dealt as separate objectives. Our results show
that our algorithm outperforms the other approaches, both in crawling speed
within the safe regions and number of unsafe trials.
|
Emergence of foveal image sampling from learning to attend in visual
scenes | We describe a neural attention model with a learnable retinal sampling
lattice. The model is trained on a visual search task requiring the
classification of an object embedded in a visual scene amidst background
distractors using the smallest number of fixations. We explore the tiling
properties that emerge in the model's retinal sampling lattice after training.
Specifically, we show that this lattice resembles the eccentricity dependent
sampling lattice of the primate retina, with a high resolution region in the
fovea surrounded by a low resolution periphery. Furthermore, we find conditions
where these emergent properties are amplified or eliminated providing clues to
their function.
|
Input Switched Affine Networks: An RNN Architecture Designed for
Interpretability | There exist many problem domains where the interpretability of neural network
models is essential for deployment. Here we introduce a recurrent architecture
composed of input-switched affine transformations - in other words an RNN
without any explicit nonlinearities, but with input-dependent recurrent
weights. This simple form allows the RNN to be analyzed via straightforward
linear methods: we can exactly characterize the linear contribution of each
input to the model predictions; we can use a change-of-basis to disentangle
input, output, and computational hidden unit subspaces; we can fully
reverse-engineer the architecture's solution to a simple task. Despite this
ease of interpretation, the input switched affine network achieves reasonable
performance on a text modeling tasks, and allows greater computational
efficiency than networks with standard nonlinearities.
|
The empirical size of trained neural networks | ReLU neural networks define piecewise linear functions of their inputs.
However, initializing and training a neural network is very different from
fitting a linear spline. In this paper, we expand empirically upon previous
theoretical work to demonstrate features of trained neural networks. Standard
network initialization and training produce networks vastly simpler than a
naive parameter count would suggest and can impart odd features to the trained
network. However, we also show the forced simplicity is beneficial and, indeed,
critical for the wide success of these networks.
|
The Upper Bound on Knots in Neural Networks | Neural networks with rectified linear unit activations are essentially
multivariate linear splines. As such, one of many ways to measure the
"complexity" or "expressivity" of a neural network is to count the number of
knots in the spline model. We study the number of knots in fully-connected
feedforward neural networks with rectified linear unit activation functions. We
intentionally keep the neural networks very simple, so as to make theoretical
analyses more approachable. An induction on the number of layers $l$ reveals a
tight upper bound on the number of knots in $\mathbb{R} \to \mathbb{R}^p$ deep
neural networks. With $n_i \gg 1$ neurons in layer $i = 1, \dots, l$, the upper
bound is approximately $n_1 \dots n_l$. We then show that the exact upper bound
is tight, and we demonstrate the upper bound with an example. The purpose of
these analyses is to pave a path for understanding the behavior of general
$\mathbb{R}^q \to \mathbb{R}^p$ neural networks.
|
Cost-Sensitive Reference Pair Encoding for Multi-Label Learning | Label space expansion for multi-label classification (MLC) is a methodology
that encodes the original label vectors to higher dimensional codes before
training and decodes the predicted codes back to the label vectors during
testing. The methodology has been demonstrated to improve the performance of
MLC algorithms when coupled with off-the-shelf error-correcting codes for
encoding and decoding. Nevertheless, such a coding scheme can be complicated to
implement, and cannot easily satisfy a common application need of
cost-sensitive MLC---adapting to different evaluation criteria of interest. In
this work, we show that a simpler coding scheme based on the concept of a
reference pair of label vectors achieves cost-sensitivity more naturally. In
particular, our proposed cost-sensitive reference pair encoding (CSRPE)
algorithm contains cluster-based encoding, weight-based training and
voting-based decoding steps, all utilizing the cost information. Furthermore,
we leverage the cost information embedded in the code space of CSRPE to propose
a novel active learning algorithm for cost-sensitive MLC. Extensive
experimental results verify that CSRPE performs better than state-of-the-art
algorithms across different MLC criteria. The results also demonstrate that the
CSRPE-backed active learning algorithm is superior to existing algorithms for
active MLC, and further justify the usefulness of CSRPE.
|
Fast Wavenet Generation Algorithm | This paper presents an efficient implementation of the Wavenet generation
process called Fast Wavenet. Compared to a naive implementation that has
complexity O(2^L) (L denotes the number of layers in the network), our proposed
approach removes redundant convolution operations by caching previous
calculations, thereby reducing the complexity to O(L) time. Timing experiments
show significant advantages of our fast implementation over a naive one. While
this method is presented for Wavenet, the same scheme can be applied anytime
one wants to perform autoregressive generation or online prediction using a
model with dilated convolution layers. The code for our method is publicly
available.
|
Graph-Based Manifold Frequency Analysis for Denoising | We propose a new framework for manifold denoising based on processing in the
graph Fourier frequency domain, derived from the spectral decomposition of the
discrete graph Laplacian. Our approach uses the Spectral Graph Wavelet
transform in order to per- form non-iterative denoising directly in the graph
frequency domain, an approach inspired by conventional wavelet-based signal
denoising methods. We theoretically justify our approach, based on the fact
that for smooth manifolds the coordinate information energy is localized in the
low spectral graph wavelet sub-bands, while the noise affects all frequency
bands in a similar way. Experimental results show that our proposed manifold
frequency denoising (MFD) approach significantly outperforms the state of the
art denoising meth- ods, and is robust to a wide range of parameter selections,
e.g., the choice of k nearest neighbor connectivity of the graph.
|
Associative Memory using Dictionary Learning and Expander Decoding | An associative memory is a framework of content-addressable memory that
stores a collection of message vectors (or a dataset) over a neural network
while enabling a neurally feasible mechanism to recover any message in the
dataset from its noisy version. Designing an associative memory requires
addressing two main tasks: 1) learning phase: given a dataset, learn a concise
representation of the dataset in the form of a graphical model (or a neural
network), 2) recall phase: given a noisy version of a message vector from the
dataset, output the correct message vector via a neurally feasible algorithm
over the network learnt during the learning phase. This paper studies the
problem of designing a class of neural associative memories which learns a
network representation for a large dataset that ensures correction against a
large number of adversarial errors during the recall phase. Specifically, the
associative memories designed in this paper can store dataset containing
$\exp(n)$ $n$-length message vectors over a network with $O(n)$ nodes and can
tolerate $\Omega(\frac{n}{{\rm polylog} n})$ adversarial errors. This paper
carries out this memory design by mapping the learning phase and recall phase
to the tasks of dictionary learning with a square dictionary and iterative
error correction in an expander code, respectively.
|
Improving Variational Auto-Encoders using Householder Flow | Variational auto-encoders (VAE) are scalable and powerful generative models.
However, the choice of the variational posterior determines tractability and
flexibility of the VAE. Commonly, latent variables are modeled using the normal
distribution with a diagonal covariance matrix. This results in computational
efficiency but typically it is not flexible enough to match the true posterior
distribution. One fashion of enriching the variational posterior distribution
is application of normalizing flows, i.e., a series of invertible
transformations to latent variables with a simple posterior. In this paper, we
follow this line of thinking and propose a volume-preserving flow that uses a
series of Householder transformations. We show empirically on MNIST dataset and
histopathology data that the proposed flow allows to obtain more flexible
variational posterior and competitive results comparing to other normalizing
flows.
|
Gossip training for deep learning | We address the issue of speeding up the training of convolutional networks.
Here we study a distributed method adapted to stochastic gradient descent
(SGD). The parallel optimization setup uses several threads, each applying
individual gradient descents on a local variable. We propose a new way to share
information between different threads inspired by gossip algorithms and showing
good consensus convergence properties. Our method called GoSGD has the
advantage to be fully asynchronous and decentralized. We compared our method to
the recent EASGD in \cite{elastic} on CIFAR-10 show encouraging results.
|
Co-adaptive learning over a countable space | Co-adaptation is a special form of on-line learning where an algorithm
$\mathcal{A}$ must assist an unknown algorithm $\mathcal{B}$ to perform some
task. This is a general framework and has applications in recommendation
systems, search, education, and much more. Today, the most common use of
co-adaptive algorithms is in brain-computer interfacing (BCI), where algorithms
help patients gain and maintain control over prosthetic devices. While previous
studies have shown strong empirical results Kowalski et al. (2013); Orsborn et
al. (2014) or have been studied in specific examples Merel et al. (2013, 2015),
there is no general analysis of the co-adaptive learning problem. Here we will
study the co-adaptive learning problem in the online, closed-loop setting. We
will prove that, with high probability, co-adaptive learning is guaranteed to
outperform learning with a fixed decoder as long as a particular condition is
met.
|
Measuring and modeling the perception of natural and unconstrained gaze
in humans and machines | Humans are remarkably adept at interpreting the gaze direction of other
individuals in their surroundings. This skill is at the core of the ability to
engage in joint visual attention, which is essential for establishing social
interactions. How accurate are humans in determining the gaze direction of
others in lifelike scenes, when they can move their heads and eyes freely, and
what are the sources of information for the underlying perceptual processes?
These questions pose a challenge from both empirical and computational
perspectives, due to the complexity of the visual input in real-life
situations. Here we measure empirically human accuracy in perceiving the gaze
direction of others in lifelike scenes, and study computationally the sources
of information and representations underlying this cognitive capacity. We show
that humans perform better in face-to-face conditions compared with recorded
conditions, and that this advantage is not due to the availability of input
dynamics. We further show that humans are still performing well when only the
eyes-region is visible, rather than the whole face. We develop a computational
model, which replicates the pattern of human performance, including the finding
that the eyes-region contains on its own, the required information for
estimating both head orientation and direction of gaze. Consistent with
neurophysiological findings on task-specific face regions in the brain, the
learned computational representations reproduce perceptual effects such as the
Wollaston illusion, when trained to estimate direction of gaze, but not when
trained to recognize objects or faces.
|
Learning Features of Music from Scratch | This paper introduces a new large-scale music dataset, MusicNet, to serve as
a source of supervision and evaluation of machine learning methods for music
research. MusicNet consists of hundreds of freely-licensed classical music
recordings by 10 composers, written for 11 instruments, together with
instrument/note annotations resulting in over 1 million temporal labels on 34
hours of chamber music performances under various studio and microphone
conditions.
The paper defines a multi-label classification task to predict notes in
musical recordings, along with an evaluation protocol, and benchmarks several
machine learning architectures for this task: i) learning from spectrogram
features; ii) end-to-end learning with a neural net; iii) end-to-end learning
with a convolutional neural net. These experiments show that end-to-end models
trained for note prediction learn frequency selective filters as a low-level
representation of audio.
|
Identity-sensitive Word Embedding through Heterogeneous Networks | Most existing word embedding approaches do not distinguish the same words in
different contexts, therefore ignoring their contextual meanings. As a result,
the learned embeddings of these words are usually a mixture of multiple
meanings. In this paper, we acknowledge multiple identities of the same word in
different contexts and learn the \textbf{identity-sensitive} word embeddings.
Based on an identity-labeled text corpora, a heterogeneous network of words and
word identities is constructed to model different-levels of word
co-occurrences. The heterogeneous network is further embedded into a
low-dimensional space through a principled network embedding approach, through
which we are able to obtain the embeddings of words and the embeddings of word
identities. We study three different types of word identities including topics,
sentiments and categories. Experimental results on real-world data sets show
that the identity-sensitive word embeddings learned by our approach indeed
capture different meanings of words and outperforms competitive methods on
tasks including text classification and word similarity computation.
|
Exploration for Multi-task Reinforcement Learning with Deep Generative
Models | Exploration in multi-task reinforcement learning is critical in training
agents to deduce the underlying MDP. Many of the existing exploration
frameworks such as $E^3$, $R_{max}$, Thompson sampling assume a single
stationary MDP and are not suitable for system identification in the multi-task
setting. We present a novel method to facilitate exploration in multi-task
reinforcement learning using deep generative models. We supplement our method
with a low dimensional energy model to learn the underlying MDP distribution
and provide a resilient and adaptive exploration signal to the agent. We
evaluate our method on a new set of environments and provide intuitive
interpretation of our results.
|
Autism Spectrum Disorder Classification using Graph Kernels on
Multidimensional Time Series | We present an approach to model time series data from resting state fMRI for
autism spectrum disorder (ASD) severity classification. We propose to adopt
kernel machines and employ graph kernels that define a kernel dot product
between two graphs. This enables us to take advantage of spatio-temporal
information to capture the dynamics of the brain network, as opposed to
aggregating them in the spatial or temporal dimension. In addition to the
conventional similarity graphs, we explore the use of L1 graph using sparse
coding, and the persistent homology of time delay embeddings, in the proposed
pipeline for ASD classification. In our experiments on two datasets from the
ABIDE collection, we demonstrate a consistent and significant advantage in
using graph kernels over traditional linear or non linear kernels for a variety
of time series features.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.