title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Identifying and Harnessing the Building Blocks of Machine Learning
Pipelines for Sensible Initialization of a Data Science Automation Tool | As data science continues to grow in popularity, there will be an increasing
need to make data science tools more scalable, flexible, and accessible. In
particular, automated machine learning (AutoML) systems seek to automate the
process of designing and optimizing machine learning pipelines. In this
chapter, we present a genetic programming-based AutoML system called TPOT that
optimizes a series of feature preprocessors and machine learning models with
the goal of maximizing classification accuracy on a supervised classification
problem. Further, we analyze a large database of pipelines that were previously
used to solve various supervised classification problems and identify 100 short
series of machine learning operations that appear the most frequently, which we
call the building blocks of machine learning pipelines. We harness these
building blocks to initialize TPOT with promising solutions, and find that this
sensible initialization method significantly improves TPOT's performance on one
benchmark at no cost of significantly degrading performance on the others.
Thus, sensible initialization with machine learning pipeline building blocks
shows promise for GP-based AutoML systems, and should be further refined in
future work.
|
gLOP: the global and Local Penalty for Capturing Predictive
Heterogeneity | When faced with a supervised learning problem, we hope to have rich enough
data to build a model that predicts future instances well. However, in
practice, problems can exhibit predictive heterogeneity: most instances might
be relatively easy to predict, while others might be predictive outliers for
which a model trained on the entire dataset does not perform well. Identifying
these can help focus future data collection. We present gLOP, the global and
Local Penalty, a framework for capturing predictive heterogeneity and
identifying predictive outliers. gLOP is based on penalized regression for
multitask learning, which improves learning by leveraging training signal
information from related tasks. We give two optimization algorithms for gLOP,
one space-efficient, and another giving the full regularization path. We also
characterize uniqueness in terms of the data and tuning parameters, and present
empirical results on synthetic data and on two health research problems.
|
Online Learning of Event Definitions | Systems for symbolic event recognition infer occurrences of events in time
using a set of event definitions in the form of first-order rules. The Event
Calculus is a temporal logic that has been used as a basis in event recognition
applications, providing among others, direct connections to machine learning,
via Inductive Logic Programming (ILP). We present an ILP system for online
learning of Event Calculus theories. To allow for a single-pass learning
strategy, we use the Hoeffding bound for evaluating clauses on a subset of the
input stream. We employ a decoupling scheme of the Event Calculus axioms during
the learning process, that allows to learn each clause in isolation. Moreover,
we use abductive-inductive logic programming techniques to handle unobserved
target predicates. We evaluate our approach on an activity recognition
application and compare it to a number of batch learning techniques. We obtain
results of comparable predicative accuracy with significant speed-ups in
training time. We also outperform hand-crafted rules and match the performance
of a sound incremental learner that can only operate on noise-free datasets.
This paper is under consideration for acceptance in TPLP.
|
World Knowledge as Indirect Supervision for Document Clustering | One of the key obstacles in making learning protocols realistic in
applications is the need to supervise them, a costly process that often
requires hiring domain experts. We consider the framework to use the world
knowledge as indirect supervision. World knowledge is general-purpose
knowledge, which is not designed for any specific domain. Then the key
challenges are how to adapt the world knowledge to domains and how to represent
it for learning. In this paper, we provide an example of using world knowledge
for domain dependent document clustering. We provide three ways to specify the
world knowledge to domains by resolving the ambiguity of the entities and their
types, and represent the data with world knowledge as a heterogeneous
information network. Then we propose a clustering algorithm that can cluster
multiple types and incorporate the sub-type information as constraints. In the
experiments, we use two existing knowledge bases as our sources of world
knowledge. One is Freebase, which is collaboratively collected knowledge about
entities and their organizations. The other is YAGO2, a knowledge base
automatically extracted from Wikipedia and maps knowledge to the linguistic
knowledge base, WordNet. Experimental results on two text benchmark datasets
(20newsgroups and RCV1) show that incorporating world knowledge as indirect
supervision can significantly outperform the state-of-the-art clustering
algorithms as well as clustering algorithms enhanced with world knowledge
features.
|
Learning Tree-Structured Detection Cascades for Heterogeneous Networks
of Embedded Devices | In this paper, we present a new approach to learning cascaded classifiers for
use in computing environments that involve networks of heterogeneous and
resource-constrained, low-power embedded compute and sensing nodes. We present
a generalization of the classical linear detection cascade to the case of
tree-structured cascades where different branches of the tree execute on
different physical compute nodes in the network. Different nodes have access to
different features, as well as access to potentially different computation and
energy resources. We concentrate on the problem of jointly learning the
parameters for all of the classifiers in the cascade given a fixed cascade
architecture and a known set of costs required to carry out the computation at
each node.To accomplish the objective of joint learning of all detectors, we
propose a novel approach to combining classifier outputs during training that
better matches the hard cascade setting in which the learned system will be
deployed. This work is motivated by research in the area of mobile health where
energy efficient real time detectors integrating information from multiple
wireless on-body sensors and a smart phone are needed for real-time monitoring
and delivering just- in-time adaptive interventions. We apply our framework to
two activity recognition datasets as well as the problem of cigarette smoking
detection from a combination of wrist-worn actigraphy data and respiration
chest band data.
|
Deep FisherNet for Object Classification | Despite the great success of convolutional neural networks (CNN) for the
image classification task on datasets like Cifar and ImageNet, CNN's
representation power is still somewhat limited in dealing with object images
that have large variation in size and clutter, where Fisher Vector (FV) has
shown to be an effective encoding strategy. FV encodes an image by aggregating
local descriptors with a universal generative Gaussian Mixture Model (GMM). FV
however has limited learning capability and its parameters are mostly fixed
after constructing the codebook. To combine together the best of the two
worlds, we propose in this paper a neural network structure with FV layer being
part of an end-to-end trainable system that is differentiable; we name our
network FisherNet that is learnable using backpropagation. Our proposed
FisherNet combines convolutional neural network training and Fisher Vector
encoding in a single end-to-end structure. We observe a clear advantage of
FisherNet over plain CNN and standard FV in terms of both classification
accuracy and computational efficiency on the challenging PASCAL VOC object
classification task.
|
Hyperparameter Transfer Learning through Surrogate Alignment for
Efficient Deep Neural Network Training | Recently, several optimization methods have been successfully applied to the
hyperparameter optimization of deep neural networks (DNNs). The methods work by
modeling the joint distribution of hyperparameter values and corresponding
error. Those methods become less practical when applied to modern DNNs whose
training may take a few days and thus one cannot collect sufficient
observations to accurately model the distribution. To address this challenging
issue, we propose a method that learns to transfer optimal hyperparameter
values for a small source dataset to hyperparameter values with comparable
performance on a dataset of interest. As opposed to existing transfer learning
methods, our proposed method does not use hand-designed features. Instead, it
uses surrogates to model the hyperparameter-error distributions of the two
datasets and trains a neural network to learn the transfer function. Extensive
experiments on three CV benchmark datasets clearly demonstrate the efficiency
of our method.
|
Learning Robust Features using Deep Learning for Automatic Seizure
Detection | We present and evaluate the capacity of a deep neural network to learn robust
features from EEG to automatically detect seizures. This is a challenging
problem because seizure manifestations on EEG are extremely variable both
inter- and intra-patient. By simultaneously capturing spectral, temporal and
spatial information our recurrent convolutional neural network learns a general
spatially invariant representation of a seizure. The proposed approach exceeds
significantly previous results obtained on cross-patient classifiers both in
terms of sensitivity and false positive rate. Furthermore, our model proves to
be robust to missing channel and variable electrode montage.
|
Input-Output Non-Linear Dynamical Systems applied to Physiological
Condition Monitoring | We present a non-linear dynamical system for modelling the effect of drug
infusions on the vital signs of patients admitted in Intensive Care Units
(ICUs). More specifically we are interested in modelling the effect of a widely
used anaesthetic drug (Propofol) on a patient's monitored depth of anaesthesia
and haemodynamics. We compare our approach with one from the
Pharmacokinetics/Pharmacodynamics (PK/PD) literature and show that we can
provide significant improvements in performance without requiring the
incorporation of expert physiological knowledge in our system.
|
On Regularization Parameter Estimation under Covariate Shift | This paper identifies a problem with the usual procedure for
L2-regularization parameter estimation in a domain adaptation setting. In such
a setting, there are differences between the distributions generating the
training data (source domain) and the test data (target domain). The usual
cross-validation procedure requires validation data, which can not be obtained
from the unlabeled target data. The problem is that if one decides to use
source validation data, the regularization parameter is underestimated. One
possible solution is to scale the source validation data through importance
weighting, but we show that this correction is not sufficient. We conclude the
paper with an empirical analysis of the effect of several importance weight
estimators on the estimation of the regularization parameter.
|
A Neural Knowledge Language Model | Current language models have a significant limitation in the ability to
encode and decode factual knowledge. This is mainly because they acquire such
knowledge from statistical co-occurrences although most of the knowledge words
are rarely observed. In this paper, we propose a Neural Knowledge Language
Model (NKLM) which combines symbolic knowledge provided by the knowledge graph
with the RNN language model. By predicting whether the word to generate has an
underlying fact or not, the model can generate such knowledge-related words by
copying from the description of the predicted fact. In experiments, we show
that the NKLM significantly improves the performance while generating a much
smaller number of unknown words.
|
Discovering Latent States for Model Learning: Applying Sensorimotor
Contingencies Theory and Predictive Processing to Model Context | Autonomous robots need to be able to adapt to unforeseen situations and to
acquire new skills through trial and error. Reinforcement learning in principle
offers a suitable methodological framework for this kind of autonomous
learning. However current computational reinforcement learning agents mostly
learn each individual skill entirely from scratch. How can we enable artificial
agents, such as robots, to acquire some form of generic knowledge, which they
could leverage for the learning of new skills? This paper argues that, like the
brain, the cognitive system of artificial agents has to develop a world model
to support adaptive behavior and learning. Inspiration is taken from two recent
developments in the cognitive science literature: predictive processing
theories of cognition, and the sensorimotor contingencies theory of perception.
Based on these, a hypothesis is formulated about what the content of
information might be that is encoded in an internal world model, and how an
agent could autonomously acquire it. A computational model is described to
formalize this hypothesis, and is evaluated in a series of simulation
experiments.
|
Learning Semantically Coherent and Reusable Kernels in Convolution
Neural Nets for Sentence Classification | The state-of-the-art CNN models give good performance on sentence
classification tasks. The purpose of this work is to empirically study
desirable properties such as semantic coherence, attention mechanism and
reusability of CNNs in these tasks. Semantically coherent kernels are
preferable as they are a lot more interpretable for explaining the decision of
the learned CNN model. We observe that the learned kernels do not have semantic
coherence. Motivated by this observation, we propose to learn kernels with
semantic coherence using clustering scheme combined with Word2Vec
representation and domain knowledge such as SentiWordNet. We suggest a
technique to visualize attention mechanism of CNNs for decision explanation
purpose. Reusable property enables kernels learned on one problem to be used in
another problem. This helps in efficient learning as only a few additional
domain specific filters may have to be learned. We demonstrate the efficacy of
our core ideas of learning semantically coherent kernels and leveraging
reusable kernels for efficient learning on several benchmark datasets.
Experimental results show the usefulness of our approach by achieving
performance close to the state-of-the-art methods but with semantic and
reusable properties.
|
Early Methods for Detecting Adversarial Images | Many machine learning classifiers are vulnerable to adversarial
perturbations. An adversarial perturbation modifies an input to change a
classifier's prediction without causing the input to seem substantially
different to human perception. We deploy three methods to detect adversarial
images. Adversaries trying to bypass our detectors must make the adversarial
image less pathological or they will fail trying. Our best detection method
reveals that adversarial images place abnormal emphasis on the lower-ranked
principal components from PCA. Other detectors and a colorful saliency map are
in an appendix.
|
Theory of the GMM Kernel | We develop some theoretical results for a robust similarity measure named
"generalized min-max" (GMM). This similarity has direct applications in machine
learning as a positive definite kernel and can be efficiently computed via
probabilistic hashing. Owing to the discrete nature, the hashed values can also
be used for efficient near neighbor search. We prove the theoretical limit of
GMM and the consistency result, assuming that the data follow an elliptical
distribution, which is a very general family of distributions and includes the
multivariate $t$-distribution as a special case. The consistency result holds
as long as the data have bounded first moment (an assumption which essentially
holds for datasets commonly encountered in practice). Furthermore, we establish
the asymptotic normality of GMM. Compared to the "cosine" similarity which is
routinely adopted in current practice in statistics and machine learning, the
consistency of GMM requires much weaker conditions. Interestingly, when the
data follow the $t$-distribution with $\nu$ degrees of freedom, GMM typically
provides a better measure of similarity than "cosine" roughly when $\nu<8$
(which is already very close to normal). These theoretical results will help
explain the recent success of GMM in learning tasks.
|
Attention Tree: Learning Hierarchies of Visual Features for Large-Scale
Image Recognition | One of the key challenges in machine learning is to design a computationally
efficient multi-class classifier while maintaining the output accuracy and
performance. In this paper, we present a tree-based classifier: Attention Tree
(ATree) for large-scale image classification that uses recursive Adaboost
training to construct a visual attention hierarchy. The proposed attention
model is inspired from the biological 'selective tuning mechanism for cortical
visual processing'. We exploit the inherent feature similarity across images in
datasets to identify the input variability and use recursive optimization
procedure, to determine data partitioning at each node, thereby, learning the
attention hierarchy. A set of binary classifiers is organized on top of the
learnt hierarchy to minimize the overall test-time complexity. The attention
model maximizes the margins for the binary classifiers for optimal decision
boundary modelling, leading to better performance at minimal complexity. The
proposed framework has been evaluated on both Caltech-256 and SUN datasets and
achieves accuracy improvement over state-of-the-art tree-based methods at
significantly lower computational cost.
|
Recursion-Free Online Multiple Incremental/Decremental Analysis Based on
Ridge Support Vector Learning | This study presents a rapid multiple incremental and decremental mechanism
based on Weight-Error Curves (WECs) for support-vector analysis. Recursion-free
computation is proposed for predicting the Lagrangian multipliers of new
samples. This study examines Ridge Support Vector Models, subsequently devising
a recursion-free function derived from WECs. With the proposed function, all
the new Lagrangian multipliers can be computed at once without using any
gradual step sizes. Moreover, such a function relaxes a constraint, where the
increment of new multiple Lagrangian multipliers should be the same in the
previous work, thereby easily satisfying the requirement of KKT conditions. The
proposed mechanism no longer requires typical bookkeeping strategies, which
compute the step size by checking all the training samples in each incremental
round.
|
Efficient Multiple Incremental Computation for Kernel Ridge Regression
with Bayesian Uncertainty Modeling | This study presents an efficient incremental/decremental approach for big
streams based on Kernel Ridge Regression (KRR), a frequently used data analysis
in cloud centers. To avoid reanalyzing the whole dataset whenever sensors
receive new training data, typical incremental KRR used a single-instance
mechanism for updating an existing system. However, this inevitably increased
redundant computational time, not to mention applicability to big streams. To
this end, the proposed mechanism supports incremental/decremental processing
for both single and multiple samples (i.e., batch processing). A large scale of
data can be divided into batches, processed by a machine, without sacrificing
the accuracy. Moreover, incremental/decremental analyses in empirical and
intrinsic space are also proposed in this study to handle different types of
data either with a large number of samples or high feature dimensions, whereas
typical methods focused only on one type. At the end of this study, we further
the proposed mechanism to statistical Kernelized Bayesian Regression, so that
uncertainty modeling with incremental/decremental computation becomes
applicable. Experimental results showed that computational time was
significantly reduced, better than the original nonincremental design and the
typical single incremental method. Furthermore, the accuracy of the proposed
method remained the same as the baselines. This implied that the system
enhanced efficiency without sacrificing the accuracy. These findings proved
that the proposed method was appropriate for variable streaming data analysis,
thereby demonstrating the effectiveness of the proposed method.
|
Learning Transferable Policies for Monocular Reactive MAV Control | The ability to transfer knowledge gained in previous tasks into new contexts
is one of the most important mechanisms of human learning. Despite this,
adapting autonomous behavior to be reused in partially similar settings is
still an open problem in current robotics research. In this paper, we take a
small step in this direction and propose a generic framework for learning
transferable motion policies. Our goal is to solve a learning problem in a
target domain by utilizing the training data in a different but related source
domain. We present this in the context of an autonomous MAV flight using
monocular reactive control, and demonstrate the efficacy of our proposed
approach through extensive real-world flight experiments in outdoor cluttered
environments.
|
Multi-task Prediction of Disease Onsets from Longitudinal Lab Tests | Disparate areas of machine learning have benefited from models that can take
raw data with little preprocessing as input and learn rich representations of
that raw data in order to perform well on a given prediction task. We evaluate
this approach in healthcare by using longitudinal measurements of lab tests,
one of the more raw signals of a patient's health state widely available in
clinical data, to predict disease onsets. In particular, we train a Long
Short-Term Memory (LSTM) recurrent neural network and two novel convolutional
neural networks for multi-task prediction of disease onset for 133 conditions
based on 18 common lab tests measured over time in a cohort of 298K patients
derived from 8 years of administrative claims data. We compare the neural
networks to a logistic regression with several hand-engineered, clinically
relevant features. We find that the representation-based learning approaches
significantly outperform this baseline. We believe that our work suggests a new
avenue for patient risk stratification based solely on lab results.
|
Can Active Learning Experience Be Transferred? | Active learning is an important machine learning problem in reducing the
human labeling effort. Current active learning strategies are designed from
human knowledge, and are applied on each dataset in an immutable manner. In
other words, experience about the usefulness of strategies cannot be updated
and transferred to improve active learning on other datasets. This paper
initiates a pioneering study on whether active learning experience can be
transferred. We first propose a novel active learning model that linearly
aggregates existing strategies. The linear weights can then be used to
represent the active learning experience. We equip the model with the popular
linear upper- confidence-bound (LinUCB) algorithm for contextual bandit to
update the weights. Finally, we extend our model to transfer the experience
across datasets with the technique of biased regularization. Empirical studies
demonstrate that the learned experience not only is competitive with existing
strategies on most single datasets, but also can be transferred across datasets
to improve the performance on future learning tasks.
|
Clinical Tagging with Joint Probabilistic Models | We describe a method for parameter estimation in bipartite probabilistic
graphical models for joint prediction of clinical conditions from the
electronic medical record. The method does not rely on the availability of
gold-standard labels, but rather uses noisy labels, called anchors, for
learning. We provide a likelihood-based objective and a moments-based
initialization that are effective at learning the model parameters. The learned
model is evaluated in a task of assigning a heldout clinical condition to
patients based on retrospective analysis of the records, and outperforms
baselines which do not account for the noisiness in the labels or do not model
the conditions jointly.
|
Identifiable Phenotyping using Constrained Non-Negative Matrix
Factorization | This work proposes a new algorithm for automated and simultaneous phenotyping
of multiple co-occurring medical conditions, also referred as comorbidities,
using clinical notes from the electronic health records (EHRs). A basic latent
factor estimation technique of non-negative matrix factorization (NMF) is
augmented with domain specific constraints to obtain sparse latent factors that
are anchored to a fixed set of chronic conditions. The proposed anchoring
mechanism ensures a one-to-one identifiable and interpretable mapping between
the latent factors and the target comorbidities. Qualitative assessment of the
empirical results by clinical experts suggests that the proposed model learns
clinically interpretable phenotypes while being predictive of 30 day mortality.
The proposed method can be readily adapted to any non-negative EHR data across
various healthcare institutions.
|
Size-Consistent Statistics for Anomaly Detection in Dynamic Networks | An important task in network analysis is the detection of anomalous events in
a network time series. These events could merely be times of interest in the
network timeline or they could be examples of malicious activity or network
malfunction. Hypothesis testing using network statistics to summarize the
behavior of the network provides a robust framework for the anomaly detection
decision process. Unfortunately, choosing network statistics that are dependent
on confounding factors like the total number of nodes or edges can lead to
incorrect conclusions (e.g., false positives and false negatives). In this
dissertation we describe the challenges that face anomaly detection in dynamic
network streams regarding confounding factors. We also provide two solutions to
avoiding error due to confounding factors: the first is a randomization testing
method that controls for confounding factors, and the second is a set of
size-consistent network statistics which avoid confounding due to the most
common factors, edge count and node count.
|
Context Discovery for Model Learning in Partially Observable
Environments | The ability to learn a model is essential for the success of autonomous
agents. Unfortunately, learning a model is difficult in partially observable
environments, where latent environmental factors influence what the agent
observes. In the absence of a supervisory training signal, autonomous agents
therefore require a mechanism to autonomously discover these environmental
factors, or sensorimotor contexts.
This paper presents a method to discover sensorimotor contexts in partially
observable environments, by constructing a hierarchical transition model. The
method is evaluated in a simulation experiment, in which a robot learns that
different rooms are characterized by different objects that are found in them.
|
Exponential Family Embeddings | Word embeddings are a powerful approach for capturing semantic similarity
among terms in a vocabulary. In this paper, we develop exponential family
embeddings, a class of methods that extends the idea of word embeddings to
other types of high-dimensional data. As examples, we studied neural data with
real-valued observations, count data from a market basket analysis, and ratings
data from a movie recommendation system. The main idea is to model each
observation conditioned on a set of other observations. This set is called the
context, and the way the context is defined is a modeling choice that depends
on the problem. In language the context is the surrounding words; in
neuroscience the context is close-by neurons; in market basket data the context
is other items in the shopping cart. Each type of embedding model defines the
context, the exponential family of conditional distributions, and how the
latent embedding vectors are shared across data. We infer the embeddings with a
scalable algorithm based on stochastic gradient descent. On all three
applications - neural activity of zebrafish, users' shopping behavior, and
movie ratings - we found exponential family embedding models to be more
effective than other types of dimension reduction. They better reconstruct
held-out data and find interesting qualitative structure.
|
Horn: A System for Parallel Training and Regularizing of Large-Scale
Neural Networks | I introduce a new distributed system for effective training and regularizing
of Large-Scale Neural Networks on distributed computing architectures. The
experiments demonstrate the effectiveness of flexible model partitioning and
parallelization strategies based on neuron-centric computation model, with an
implementation of the collective and parallel dropout neural networks training.
Experiments are performed on MNIST handwritten digits classification including
results.
|
High Accuracy Android Malware Detection Using Ensemble Learning | With over 50 billion downloads and more than 1.3 million apps in the Google
official market, Android has continued to gain popularity amongst smartphone
users worldwide. At the same time there has been a rise in malware targeting
the platform, with more recent strains employing highly sophisticated detection
avoidance techniques. As traditional signature based methods become less potent
in detecting unknown malware, alternatives are needed for timely zero-day
discovery. Thus this paper proposes an approach that utilizes ensemble learning
for Android malware detection. It combines advantages of static analysis with
the efficiency and performance of ensemble machine learning to improve Android
malware detection accuracy. The machine learning models are built using a large
repository of malware samples and benign apps from a leading antivirus vendor.
Experimental results and analysis presented shows that the proposed method
which uses a large feature space to leverage the power of ensemble learning is
capable of 97.3 to 99 percent detection accuracy with very low false positive
rates.
|
Mitochondria-based Renal Cell Carcinoma Subtyping: Learning from Deep
vs. Flat Feature Representations | Accurate subtyping of renal cell carcinoma (RCC) is of crucial importance for
understanding disease progression and for making informed treatment decisions.
New discoveries of significant alterations to mitochondria between subtypes
make immunohistochemical (IHC) staining based image classification an
imperative. Until now, accurate quantification and subtyping was made
impossible by huge IHC variations, the absence of cell membrane staining for
cytoplasm segmentation as well as the complete lack of systems for robust and
reproducible image based classification. In this paper we present a
comprehensive classification framework to overcome these challenges for tissue
microarrays (TMA) of RCCs. We compare and evaluate models based on domain
specific hand-crafted "flat"-features versus "deep" feature representations
from various layers of a pre-trained convolutional neural network (CNN). The
best model reaches a cross-validation accuracy of 89%, which demonstrates for
the first time, that robust mitochondria-based subtyping of renal cancer is
feasible
|
A New Android Malware Detection Approach Using Bayesian Classification | Mobile malware has been growing in scale and complexity as smartphone usage
continues to rise. Android has surpassed other mobile platforms as the most
popular whilst also witnessing a dramatic increase in malware targeting the
platform. A worrying trend that is emerging is the increasing sophistication of
Android malware to evade detection by traditional signature-based scanners. As
such, Android app marketplaces remain at risk of hosting malicious apps that
could evade detection before being downloaded by unsuspecting users. Hence, in
this paper we present an effective approach to alleviate this problem based on
Bayesian classification models obtained from static code analysis. The models
are built from a collection of code and app characteristics that provide
indicators of potential malicious activities. The models are evaluated with
real malware samples in the wild and results of experiments are presented to
demonstrate the effectiveness of the proposed approach.
|
A study of the effect of JPG compression on adversarial images | Neural network image classifiers are known to be vulnerable to adversarial
images, i.e., natural images which have been modified by an adversarial
perturbation specifically designed to be imperceptible to humans yet fool the
classifier. Not only can adversarial images be generated easily, but these
images will often be adversarial for networks trained on disjoint subsets of
data or with different architectures. Adversarial images represent a potential
security risk as well as a serious machine learning challenge---it is clear
that vulnerable neural networks perceive images very differently from humans.
Noting that virtually every image classification data set is composed of JPG
images, we evaluate the effect of JPG compression on the classification of
adversarial images. For Fast-Gradient-Sign perturbations of small magnitude, we
found that JPG compression often reverses the drop in classification accuracy
to a large extent, but not always. As the magnitude of the perturbations
increases, JPG recompression alone is insufficient to reverse the effect.
|
Hierarchically Compositional Kernels for Scalable Nonparametric Learning | We propose a novel class of kernels to alleviate the high computational cost
of large-scale nonparametric learning with kernel methods. The proposed kernel
is defined based on a hierarchical partitioning of the underlying data domain,
where the Nystr\"om method (a globally low-rank approximation) is married with
a locally lossless approximation in a hierarchical fashion. The kernel
maintains (strict) positive-definiteness. The corresponding kernel matrix
admits a recursively off-diagonal low-rank structure, which allows for fast
linear algebra computations. Suppressing the factor of data dimension, the
memory and arithmetic complexities for training a regression or a classifier
are reduced from $O(n^2)$ and $O(n^3)$ to $O(nr)$ and $O(nr^2)$, respectively,
where $n$ is the number of training examples and $r$ is the rank on each level
of the hierarchy. Although other randomized approximate kernels entail a
similar complexity, empirical results show that the proposed kernel achieves a
matching performance with a smaller $r$. We demonstrate comprehensive
experiments to show the effective use of the proposed kernel on data sizes up
to the order of millions.
|
PageRank in Malware Categorization | In this paper, we propose a malware categorization method that models malware
behavior in terms of instructions using PageRank. PageRank computes ranks of
web pages based on structural information and can also compute ranks of
instructions that represent the structural information of the instructions in
malware analysis methods. Our malware categorization method uses the computed
ranks as features in machine learning algorithms. In the evaluation, we compare
the effectiveness of different PageRank algorithms and also investigate bagging
and boosting algorithms to improve the categorization accuracy.
|
Relational Similarity Machines | This paper proposes Relational Similarity Machines (RSM): a fast, accurate,
and flexible relational learning framework for supervised and semi-supervised
learning tasks. Despite the importance of relational learning, most existing
methods are hard to adapt to different settings, due to issues with efficiency,
scalability, accuracy, and flexibility for handling a wide variety of
classification problems, data, constraints, and tasks. For instance, many
existing methods perform poorly for multi-class classification problems, graphs
that are sparsely labeled or network data with low relational autocorrelation.
In contrast, the proposed relational learning framework is designed to be (i)
fast for learning and inference at real-time interactive rates, and (ii)
flexible for a variety of learning settings (multi-class problems), constraints
(few labeled instances), and application domains. The experiments demonstrate
the effectiveness of RSM for a variety of tasks and data.
|
RETURNN: The RWTH Extensible Training framework for Universal Recurrent
Neural Networks | In this work we release our extensible and easily configurable neural network
training software. It provides a rich set of functional layers with a
particular focus on efficient training of recurrent neural network topologies
on multiple GPUs. The source of the software package is public and freely
available for academic research purposes and can be used as a framework or as a
standalone tool which supports a flexible configuration. The software allows to
train state-of-the-art deep bidirectional long short-term memory (LSTM) models
on both one dimensional data like speech or two dimensional data like
handwritten text and was used to develop successful submission systems in
several evaluation campaigns.
|
Community Detection Algorithm Combining Stochastic Block Model and
Attribute Data Clustering | We propose a new algorithm to detect the community structure in a network
that utilizes both the network structure and vertex attribute data. Suppose we
have the network structure together with the vertex attribute data, that is,
the information assigned to each vertex associated with the community to which
it belongs. The problem addressed this paper is the detection of the community
structure from the information of both the network structure and the vertex
attribute data. Our approach is based on the Bayesian approach that models the
posterior probability distribution of the community labels. The detection of
the community structure in our method is achieved by using belief propagation
and an EM algorithm. We numerically verified the performance of our method
using computer-generated networks and real-world networks.
|
Fuzzy c-Shape: A new algorithm for clustering finite time series
waveforms | The existence of large volumes of time series data in many applications has
motivated data miners to investigate specialized methods for mining time series
data. Clustering is a popular data mining method due to its powerful
exploratory nature and its usefulness as a preprocessing step for other data
mining techniques. This article develops two novel clustering algorithms for
time series data that are extensions of a crisp c-shapes algorithm. The two new
algorithms are heuristic derivatives of fuzzy c-means (FCM). Fuzzy c-Shapes
plus (FCS+) replaces the inner product norm in the FCM model with a shape-based
distance function. Fuzzy c-Shapes double plus (FCS++) uses the shape-based
distance, and also replaces the FCM cluster centers with shape-extracted
prototypes. Numerical experiments on 48 real time series data sets show that
the two new algorithms outperform state-of-the-art shape-based clustering
algorithms in terms of accuracy and efficiency. Four external cluster validity
indices (the Rand index, Adjusted Rand Index, Variation of Information, and
Normalized Mutual Information) are used to match candidate partitions generated
by each of the studied algorithms. All four indices agree that for these finite
waveform data sets, FCS++ gives a small improvement over FCS+, and in turn,
FCS+ is better than the original crisp c-shapes method. Finally, we apply two
tests of statistical significance to the three algorithms. The Wilcoxon and
Friedman statistics both rank the three algorithms in exactly the same way as
the four cluster validity indices.
|
Autonomous Grounding of Visual Field Experience through Sensorimotor
Prediction | In a developmental framework, autonomous robots need to explore the world and
learn how to interact with it. Without an a priori model of the system, this
opens the challenging problem of having robots master their interface with the
world: how to perceive their environment using their sensors, and how to act in
it using their motors. The sensorimotor approach of perception claims that a
naive agent can learn to master this interface by capturing regularities in the
way its actions transform its sensory inputs. In this paper, we apply such an
approach to the discovery and mastery of the visual field associated with a
visual sensor. A computational model is formalized and applied to a simulated
system to illustrate the approach.
|
Ensemble-driven support vector clustering: From ensemble learning to
automatic parameter estimation | Support vector clustering (SVC) is a versatile clustering technique that is
able to identify clusters of arbitrary shapes by exploiting the kernel trick.
However, one hurdle that restricts the application of SVC lies in its
sensitivity to the kernel parameter and the trade-off parameter. Although many
extensions of SVC have been developed, to the best of our knowledge, there is
still no algorithm that is able to effectively estimate the two crucial
parameters in SVC without supervision. In this paper, we propose a novel
support vector clustering approach termed ensemble-driven support vector
clustering (EDSVC), which for the first time tackles the automatic parameter
estimation problem for SVC based on ensemble learning, and is capable of
producing robust clustering results in a purely unsupervised manner.
Experimental results on multiple real-world datasets demonstrate the
effectiveness of our approach.
|
Learning a Driving Simulator | Comma.ai's approach to Artificial Intelligence for self-driving cars is based
on an agent that learns to clone driver behaviors and plans maneuvers by
simulating future events in the road. This paper illustrates one of our
research approaches for driving simulation. One where we learn to simulate.
Here we investigate variational autoencoders with classical and learned cost
functions using generative adversarial networks for embedding road frames.
Afterwards, we learn a transition model in the embedded space using action
conditioned Recurrent Neural Networks. We show that our approach can keep
predicting realistic looking video for several frames despite the transition
model being optimized without a cost function in the pixel space.
|
Improving Quality of Hierarchical Clustering for Large Data Series | Brown clustering is a hard, hierarchical, bottom-up clustering of words in a
vocabulary. Words are assigned to clusters based on their usage pattern in a
given corpus. The resulting clusters and hierarchical structure can be used in
constructing class-based language models and for generating features to be used
in NLP tasks. Because of its high computational cost, the most-used version of
Brown clustering is a greedy algorithm that uses a window to restrict its
search space. Like other clustering algorithms, Brown clustering finds a
sub-optimal, but nonetheless effective, mapping of words to clusters. Because
of its ability to produce high-quality, human-understandable cluster, Brown
clustering has seen high uptake the NLP research community where it is used in
the preprocessing and feature generation steps.
Little research has been done towards improving the quality of Brown
clusters, despite the greedy and heuristic nature of the algorithm. The
approaches tried so far have focused on: studying the effect of the
initialisation in a similar algorithm; tuning the parameters used to define the
desired number of clusters and the behaviour of the algorithm; and including a
separate parameter to differentiate the window from the desired number of
clusters. However, some of these approaches have not yielded significant
improvements in cluster quality.
In this thesis, a close analysis of the Brown algorithm is provided,
revealing important under-specifications and weaknesses in the original
algorithm. These have serious effects on cluster quality and reproducibility of
research using Brown clustering. In the second part of the thesis, two
modifications are proposed. Finally, a thorough evaluation is performed,
considering both the optimization criterion of Brown clustering and the
performance of the resulting class-based language models.
|
Fast and Simple Optimization for Poisson Likelihood Models | Poisson likelihood models have been prevalently used in imaging, social
networks, and time series analysis. We propose fast, simple,
theoretically-grounded, and versatile, optimization algorithms for Poisson
likelihood modeling. The Poisson log-likelihood is concave but not
Lipschitz-continuous. Since almost all gradient-based optimization algorithms
rely on Lipschitz-continuity, optimizing Poisson likelihood models with a
guarantee of convergence can be challenging, especially for large-scale
problems.
We present a new perspective allowing to efficiently optimize a wide range of
penalized Poisson likelihood objectives. We show that an appropriate saddle
point reformulation enjoys a favorable geometry and a smooth structure.
Therefore, we can design a new gradient-based optimization algorithm with
$O(1/t)$ convergence rate, in contrast to the usual $O(1/\sqrt{t})$ rate of
non-smooth minimization alternatives. Furthermore, in order to tackle problems
with large samples, we also develop a randomized block-decomposition variant
that enjoys the same convergence rate yet more efficient iteration cost.
Experimental results on several point process applications including social
network estimation and temporal recommendation show that the proposed algorithm
and its randomized block variant outperform existing methods both on synthetic
and real-world datasets.
|
Learning Online Alignments with Continuous Rewards Policy Gradient | Sequence-to-sequence models with soft attention had significant success in
machine translation, speech recognition, and question answering. Though capable
and easy to use, they require that the entirety of the input sequence is
available at the beginning of inference, an assumption that is not valid for
instantaneous translation and speech recognition. To address this problem, we
present a new method for solving sequence-to-sequence problems using hard
online alignments instead of soft offline alignments. The online alignments
model is able to start producing outputs without the need to first process the
entire input sequence. A highly accurate online sequence-to-sequence model is
useful because it can be used to build an accurate voice-based instantaneous
translator. Our model uses hard binary stochastic decisions to select the
timesteps at which outputs will be produced. The model is trained to produce
these stochastic decisions using a standard policy gradient method. In our
experiments, we show that this model achieves encouraging performance on TIMIT
and Wall Street Journal (WSJ) speech recognition datasets.
|
Bayesian Kernel and Mutual $k$-Nearest Neighbor Regression | We propose Bayesian extensions of two nonparametric regression methods which
are kernel and mutual $k$-nearest neighbor regression methods. Derived based on
Gaussian process models for regression, the extensions provide distributions
for target value estimates and the framework to select the hyperparameters. It
is shown that both the proposed methods asymptotically converge to kernel and
mutual $k$-nearest neighbor regression methods, respectively. The simulation
results show that the proposed methods can select proper hyperparameters and
are better than or comparable to the former methods for an artificial data set
and a real world data set.
|
A Distance for HMMs based on Aggregated Wasserstein Metric and State
Registration | We propose a framework, named Aggregated Wasserstein, for computing a
dissimilarity measure or distance between two Hidden Markov Models with state
conditional distributions being Gaussian. For such HMMs, the marginal
distribution at any time spot follows a Gaussian mixture distribution, a fact
exploited to softly match, aka register, the states in two HMMs. We refer to
such HMMs as Gaussian mixture model-HMM (GMM-HMM). The registration of states
is inspired by the intrinsic relationship of optimal transport and the
Wasserstein metric between distributions. Specifically, the components of the
marginal GMMs are matched by solving an optimal transport problem where the
cost between components is the Wasserstein metric for Gaussian distributions.
The solution of the optimization problem is a fast approximation to the
Wasserstein metric between two GMMs. The new Aggregated Wasserstein distance is
a semi-metric and can be computed without generating Monte Carlo samples. It is
invariant to relabeling or permutation of the states. This distance quantifies
the dissimilarity of GMM-HMMs by measuring both the difference between the two
marginal GMMs and the difference between the two transition matrices. Our new
distance is tested on the tasks of retrieval and classification of time series.
Experiments on both synthetic data and real data have demonstrated its
advantages in terms of accuracy as well as efficiency in comparison with
existing distances based on the Kullback-Leibler divergence.
|
Forward Stagewise Additive Model for Collaborative Multiview Boosting | Multiview assisted learning has gained significant attention in recent years
in supervised learning genre. Availability of high performance computing
devices enables learning algorithms to search simultaneously over multiple
views or feature spaces to obtain an optimum classification performance. The
paper is a pioneering attempt of formulating a mathematical foundation for
realizing a multiview aided collaborative boosting architecture for multiclass
classification. Most of the present algorithms apply multiview learning
heuristically without exploring the fundamental mathematical changes imposed on
traditional boosting. Also, most of the algorithms are restricted to two class
or view setting. Our proposed mathematical framework enables collaborative
boosting across any finite dimensional view spaces for multiclass learning. The
boosting framework is based on forward stagewise additive model which minimizes
a novel exponential loss function. We show that the exponential loss function
essentially captures difficulty of a training sample space instead of the
traditional `1/0' loss. The new algorithm restricts a weak view from over
learning and thereby preventing overfitting. The model is inspired by our
earlier attempt on collaborative boosting which was devoid of mathematical
justification. The proposed algorithm is shown to converge much nearer to
global minimum in the exponential loss space and thus supersedes our previous
algorithm. The paper also presents analytical and numerical analysis of
convergence and margin bounds for multiview boosting algorithms and we show
that our proposed ensemble learning manifests lower error bound and higher
margin compared to our previous model. Also, the proposed model is compared
with traditional boosting and recent multiview boosting algorithms.
|
Kernel Ridge Regression via Partitioning | In this paper, we investigate a divide and conquer approach to Kernel Ridge
Regression (KRR). Given n samples, the division step involves separating the
points based on some underlying disjoint partition of the input space (possibly
via clustering), and then computing a KRR estimate for each partition. The
conquering step is simple: for each partition, we only consider its own local
estimate for prediction. We establish conditions under which we can give
generalization bounds for this estimator, as well as achieve optimal minimax
rates. We also show that the approximation error component of the
generalization error is lesser than when a single KRR estimate is fit on the
data: thus providing both statistical and computational advantages over a
single KRR estimate over the entire data (or an averaging over random
partitions as in other recent work, [30]). Lastly, we provide experimental
validation for our proposed estimator and our assumptions.
|
Communication-Efficient Parallel Block Minimization for Kernel Machines | Kernel machines often yield superior predictive performance on various tasks;
however, they suffer from severe computational challenges. In this paper, we
show how to overcome the important challenge of speeding up kernel machines. In
particular, we develop a parallel block minimization framework for solving
kernel machines, including kernel SVM and kernel logistic regression. Our
framework proceeds by dividing the problem into smaller subproblems by forming
a block-diagonal approximation of the Hessian matrix. The subproblems are then
solved approximately in parallel. After that, a communication efficient line
search procedure is developed to ensure sufficient reduction of the objective
function value at each iteration. We prove global linear convergence rate of
the proposed method with a wide class of subproblem solvers, and our analysis
covers strongly convex and some non-strongly convex functions. We apply our
algorithm to solve large-scale kernel SVM problems on distributed systems, and
show a significant improvement over existing parallel solvers. As an example,
on the covtype dataset with half-a-million samples, our algorithm can obtain an
approximate solution with 96% accuracy in 20 seconds using 32 machines, while
all the other parallel kernel SVM solvers require more than 2000 seconds to
achieve a solution with 95% accuracy. Moreover, our algorithm can scale to very
large data sets, such as the kdd algebra dataset with 8 million samples and 20
million features.
|
Transferring Knowledge from Text to Predict Disease Onset | In many domains such as medicine, training data is in short supply. In such
cases, external knowledge is often helpful in building predictive models. We
propose a novel method to incorporate publicly available domain expertise to
build accurate models. Specifically, we use word2vec models trained on a
domain-specific corpus to estimate the relevance of each feature's text
description to the prediction problem. We use these relevance estimates to
rescale the features, causing more important features to experience weaker
regularization.
We apply our method to predict the onset of five chronic diseases in the next
five years in two genders and two age groups. Our rescaling approach improves
the accuracy of the model, particularly when there are few positive examples.
Furthermore, our method selects 60% fewer features, easing interpretation by
physicians. Our method is applicable to other domains where feature and outcome
descriptions are available.
|
Bi-directional Attention with Agreement for Dependency Parsing | We develop a novel bi-directional attention model for dependency parsing,
which learns to agree on headword predictions from the forward and backward
parsing directions. The parsing procedure for each direction is formulated as
sequentially querying the memory component that stores continuous headword
embeddings. The proposed parser makes use of {\it soft} headword embeddings,
allowing the model to implicitly capture high-order parsing history without
dramatically increasing the computational complexity. We conduct experiments on
English, Chinese, and 12 other languages from the CoNLL 2006 shared task,
showing that the proposed model achieves state-of-the-art unlabeled attachment
scores on 6 languages.
|
How Much Did it Rain? Predicting Real Rainfall Totals Based on Radar
Data | We applied a variety of parametric and non-parametric machine learning models
to predict the probability distribution of rainfall based on 1M training
examples over a single year across several U.S. states. Our top performing
model based on a squared loss objective was a cross-validated parametric
k-nearest-neighbor predictor that took about six days to compute, and was
competitive in a world-wide competition.
|
Spoofing 2D Face Detection: Machines See People Who Aren't There | Machine learning is increasingly used to make sense of the physical world yet
may suffer from adversarial manipulation. We examine the Viola-Jones 2D face
detection algorithm to study whether images can be created that humans do not
notice as faces yet the algorithm detects as faces. We show that it is possible
to construct images that Viola-Jones recognizes as containing faces yet no
human would consider a face. Moreover, we show that it is possible to construct
images that fool facial detection even when they are printed and then
photographed.
|
Leveraging Union of Subspace Structure to Improve Constrained Clustering | Many clustering problems in computer vision and other contexts are also
classification problems, where each cluster shares a meaningful label. Subspace
clustering algorithms in particular are often applied to problems that fit this
description, for example with face images or handwritten digits. While it is
straightforward to request human input on these datasets, our goal is to reduce
this input as much as possible. We present a pairwise-constrained clustering
algorithm that actively selects queries based on the union-of-subspaces model.
The central step of the algorithm is in querying points of minimum margin
between estimated subspaces; analogous to classifier margin, these lie near the
decision boundary. We prove that points lying near the intersection of
subspaces are points with low margin. Our procedure can be used after any
subspace clustering algorithm that outputs an affinity matrix. We demonstrate
on several datasets that our algorithm drives the clustering error down
considerably faster than the state-of-the-art active query algorithms on
datasets with subspace structure and is competitive on other datasets.
|
A General Characterization of the Statistical Query Complexity | Statistical query (SQ) algorithms are algorithms that have access to an {\em
SQ oracle} for the input distribution $D$ instead of i.i.d.~ samples from $D$.
Given a query function $\phi:X \rightarrow [-1,1]$, the oracle returns an
estimate of ${\bf E}_{ x\sim D}[\phi(x)]$ within some tolerance $\tau_\phi$
that roughly corresponds to the number of samples.
In this work we demonstrate that the complexity of solving general problems
over distributions using SQ algorithms can be captured by a relatively simple
notion of statistical dimension that we introduce. SQ algorithms capture a
broad spectrum of algorithmic approaches used in theory and practice, most
notably, convex optimization techniques. Hence our statistical dimension allows
to investigate the power of a variety of algorithmic approaches by analyzing a
single linear-algebraic parameter. Such characterizations were investigated
over the past 20 years in learning theory but prior characterizations are
restricted to the much simpler setting of classification problems relative to a
fixed distribution on the domain (Blum et al., 1994; Bshouty and Feldman, 2002;
Yang, 2001; Simon, 2007; Feldman, 2012; Szorenyi, 2009). Our characterization
is also the first to precisely characterize the necessary tolerance of queries.
We give applications of our techniques to two open problems in learning theory
and to algorithms that are subject to memory and communication constraints.
|
Deep Learning a Grasp Function for Grasping under Gripper Pose
Uncertainty | This paper presents a new method for parallel-jaw grasping of isolated
objects from depth images, under large gripper pose uncertainty. Whilst most
approaches aim to predict the single best grasp pose from an image, our method
first predicts a score for every possible grasp pose, which we denote the grasp
function. With this, it is possible to achieve grasping robust to the gripper's
pose uncertainty, by smoothing the grasp function with the pose uncertainty
function. Therefore, if the single best pose is adjacent to a region of poor
grasp quality, that pose will no longer be chosen, and instead a pose will be
chosen which is surrounded by a region of high grasp quality. To learn this
function, we train a Convolutional Neural Network which takes as input a single
depth image of an object, and outputs a score for each grasp pose across the
image. Training data for this is generated by use of physics simulation and
depth image simulation with 3D object meshes, to enable acquisition of
sufficient data without requiring exhaustive real-world experiments. We
evaluate with both synthetic and real experiments, and show that the learned
grasp score is more robust to gripper pose uncertainty than when this
uncertainty is not accounted for.
|
Robust High-Dimensional Linear Regression | The effectiveness of supervised learning techniques has made them ubiquitous
in research and practice. In high-dimensional settings, supervised learning
commonly relies on dimensionality reduction to improve performance and identify
the most important factors in predicting outcomes. However, the economic
importance of learning has made it a natural target for adversarial
manipulation of training data, which we term poisoning attacks. Prior
approaches to dealing with robust supervised learning rely on strong
assumptions about the nature of the feature matrix, such as feature
independence and sub-Gaussian noise with low variance. We propose an integrated
method for robust regression that relaxes these assumptions, assuming only that
the feature matrix can be well approximated by a low-rank matrix. Our
techniques integrate improved robust low-rank matrix approximation and robust
principle component regression, and yield strong performance guarantees.
Moreover, we experimentally show that our methods significantly outperform
state of the art both in running time and prediction error.
|
Online Adaptation of Deep Architectures with Reinforcement Learning | Online learning has become crucial to many problems in machine learning. As
more data is collected sequentially, quickly adapting to changes in the data
distribution can offer several competitive advantages such as avoiding loss of
prior knowledge and more efficient learning. However, adaptation to changes in
the data distribution (also known as covariate shift) needs to be performed
without compromising past knowledge already built in into the model to cope
with voluminous and dynamic data. In this paper, we propose an online stacked
Denoising Autoencoder whose structure is adapted through reinforcement
learning. Our algorithm forces the network to exploit and explore favourable
architectures employing an estimated utility function that maximises the
accuracy of an unseen validation sequence. Different actions, such as Pool,
Increment and Merge are available to modify the structure of the network. As we
observe through a series of experiments, our approach is more responsive,
robust, and principled than its counterparts for non-stationary as well as
stationary data distributions. Experimental results indicate that our algorithm
performs better at preserving gained prior knowledge and responding to changes
in the data distribution.
|
Uncovering Voice Misuse Using Symbolic Mismatch | Voice disorders affect an estimated 14 million working-aged Americans, and
many more worldwide. We present the first large scale study of vocal misuse
based on long-term ambulatory data collected by an accelerometer placed on the
neck. We investigate an unsupervised data mining approach to uncovering latent
information about voice misuse.
We segment signals from over 253 days of data from 22 subjects into over a
hundred million single glottal pulses (closures of the vocal folds), cluster
segments into symbols, and use symbolic mismatch to uncover differences between
patients and matched controls, and between patients pre- and post-treatment.
Our results show significant behavioral differences between patients and
controls, as well as between some pre- and post-treatment patients. Our
proposed approach provides an objective basis for helping diagnose behavioral
voice disorders, and is a first step towards a more data-driven understanding
of the impact of voice therapy.
|
Towards Representation Learning with Tractable Probabilistic Models | Probabilistic models learned as density estimators can be exploited in
representation learning beside being toolboxes used to answer inference queries
only. However, how to extract useful representations highly depends on the
particular model involved. We argue that tractable inference, i.e. inference
that can be computed in polynomial time, can enable general schemes to extract
features from black box models. We plan to investigate how Tractable
Probabilistic Models (TPMs) can be exploited to generate embeddings by random
query evaluations. We devise two experimental designs to assess and compare
different TPMs as feature extractors in an unsupervised representation learning
framework. We show some experimental results on standard image datasets by
applying such a method to Sum-Product Networks and Mixture of Trees as
tractable models generating embeddings.
|
Interpolated Discretized Embedding of Single Vectors and Vector Pairs
for Classification, Metric Learning and Distance Approximation | We propose a new embedding method for a single vector and for a pair of
vectors. This embedding method enables: a) efficient classification and
regression of functions of single vectors; b) efficient approximation of
distance functions; and c) non-Euclidean, semimetric learning. To the best of
our knowledge, this is the first work that enables learning any general,
non-Euclidean, semimetrics. That is, our method is a universal semimetric
learning and approximation method that can approximate any distance function
with as high accuracy as needed with or without semimetric constraints. The
project homepage including code is at: http://www.ariel.ac.il/sites/ofirpele/ID
|
A Stackelberg Game Perspective on the Conflict Between Machine Learning
and Data Obfuscation | Data is the new oil; this refrain is repeated extensively in the age of
internet tracking, machine learning, and data analytics. As data collection
becomes more personal and pervasive, however, public pressure is mounting for
privacy protection. In this atmosphere, developers have created applications to
add noise to user attributes visible to tracking algorithms. This creates a
strategic interaction between trackers and users when incentives to maintain
privacy and improve accuracy are misaligned. In this paper, we conceptualize
this conflict through an N+1-player, augmented Stackelberg game. First a
machine learner declares a privacy protection level, and then users respond by
choosing their own perturbation amounts. We use the general frameworks of
differential privacy and empirical risk minimization to quantify the utility
components due to privacy and accuracy, respectively. In equilibrium, each user
perturbs her data independently, which leads to a high net loss in accuracy. To
remedy this scenario, we show that the learner improves his utility by
proactively perturbing the data himself. While other work in this area has
studied privacy markets and mechanism design for truthful reporting of user
information, we take a different viewpoint by considering both user and learner
perturbation.
|
Multi-task Domain Adaptation for Sequence Tagging | Many domain adaptation approaches rely on learning cross domain shared
representations to transfer the knowledge learned in one domain to other
domains. Traditional domain adaptation only considers adapting for one task. In
this paper, we explore multi-task representation learning under the domain
adaptation scenario. We propose a neural network framework that supports domain
adaptation for multiple tasks simultaneously, and learns shared representations
that better generalize for domain adaptation. We apply the proposed framework
to domain adaptation for sequence tagging problems considering two tasks:
Chinese word segmentation and named entity recognition. Experiments show that
multi-task domain adaptation works better than disjoint domain adaptation for
each task, and achieves the state-of-the-art results for both tasks in the
social media domain.
|
Deeply Semantic Inductive Spatio-Temporal Learning | We present an inductive spatio-temporal learning framework rooted in
inductive logic programming. With an emphasis on visuo-spatial language, logic,
and cognition, the framework supports learning with relational spatio-temporal
features identifiable in a range of domains involving the processing and
interpretation of dynamic visuo-spatial imagery. We present a prototypical
system, and an example application in the domain of computing for visual arts
and computational cognitive science.
|
Mean Box Pooling: A Rich Image Representation and Output Embedding for
the Visual Madlibs Task | We present Mean Box Pooling, a novel visual representation that pools over
CNN representations of a large number, highly overlapping object proposals. We
show that such representation together with nCCA, a successful multimodal
embedding technique, achieves state-of-the-art performance on the Visual
Madlibs task. Moreover, inspired by the nCCA's objective function, we extend
classical CNN+LSTM approach to train the network by directly maximizing the
similarity between the internal representation of the deep learning
architecture and candidate answers. Again, such approach achieves a significant
improvement over the prior work that also uses CNN+LSTM approach on Visual
Madlibs.
|
OnionNet: Sharing Features in Cascaded Deep Classifiers | The focus of our work is speeding up evaluation of deep neural networks in
retrieval scenarios, where conventional architectures may spend too much time
on negative examples. We propose to replace a monolithic network with our novel
cascade of feature-sharing deep classifiers, called OnionNet, where subsequent
stages may add both new layers as well as new feature channels to the previous
ones. Importantly, intermediate feature maps are shared among classifiers,
preventing them from the necessity of being recomputed. To accomplish this, the
model is trained end-to-end in a principled way under a joint loss. We validate
our approach in theory and on a synthetic benchmark. As a result demonstrated
in three applications (patch matching, object detection, and image retrieval),
our cascade can operate significantly faster than both monolithic networks and
traditional cascades without sharing at the cost of marginal decrease in
precision.
|
Posterior Sampling for Reinforcement Learning Without Episodes | This is a brief technical note to clarify some of the issues with applying
the application of the algorithm posterior sampling for reinforcement learning
(PSRL) in environments without fixed episodes. In particular, this paper aims
to:
- Review some of results which have been proven for finite horizon MDPs
(Osband et al 2013, 2014a, 2014b, 2016) and also for MDPs with finite ergodic
structure (Gopalan et al 2014).
- Review similar results for optimistic algorithms in infinite horizon
problems (Jaksch et al 2010, Bartlett and Tewari 2009, Abbasi-Yadkori and
Szepesvari 2011), with particular attention to the dynamic episode growth.
- Highlight the delicate technical issue which has led to a fault in the
proof of the lazy-PSRL algorithm (Abbasi-Yadkori and Szepesvari 2015). We
present an explicit counterexample to this style of argument. Therefore, we
suggest that the Theorem 2 in (Abbasi-Yadkori and Szepesvari 2015) be instead
considered a conjecture, as it has no rigorous proof.
- Present pragmatic approaches to apply PSRL in infinite horizon problems. We
conjecture that, under some additional assumptions, it will be possible to
obtain bounds $O( \sqrt{T} )$ even without episodic reset.
We hope that this note serves to clarify existing results in the field of
reinforcement learning and provides interesting motivation for future work.
|
On Lower Bounds for Regret in Reinforcement Learning | This is a brief technical note to clarify the state of lower bounds on regret
for reinforcement learning. In particular, this paper:
- Reproduces a lower bound on regret for reinforcement learning, similar to
the result of Theorem 5 in the journal UCRL2 paper (Jaksch et al 2010).
- Clarifies that the proposed proof of Theorem 6 in the REGAL paper (Bartlett
and Tewari 2009) does not hold using the standard techniques without further
work. We suggest that this result should instead be considered a conjecture as
it has no rigorous proof.
- Suggests that the conjectured lower bound given by (Bartlett and Tewari
2009) is incorrect and, in fact, it is possible to improve the scaling of the
upper bound to match the weaker lower bounds presented in this paper.
We hope that this note serves to clarify existing results in the field of
reinforcement learning and provides interesting motivation for future work.
|
Classification with the pot-pot plot | We propose a procedure for supervised classification that is based on
potential functions. The potential of a class is defined as a kernel density
estimate multiplied by the class's prior probability. The method transforms the
data to a potential-potential (pot-pot) plot, where each data point is mapped
to a vector of potentials. Separation of the classes, as well as classification
of new data points, is performed on this plot. For this, either the
$\alpha$-procedure ($\alpha$-P) or $k$-nearest neighbors ($k$-NN) are employed.
For data that are generated from continuous distributions, these classifiers
prove to be strongly Bayes-consistent. The potentials depend on the kernel and
its bandwidth used in the density estimate. We investigate several variants of
bandwidth selection, including joint and separate pre-scaling and a bandwidth
regression approach. The new method is applied to benchmark data from the
literature, including simulated data sets as well as 50 sets of real data. It
compares favorably to known classification methods such as LDA, QDA, max kernel
density estimates, $k$-NN, and $DD$-plot classification using depth functions.
|
Effective Data Mining Technique for Classification Cancers via Mutations
in Gene using Neural Network | The prediction plays the important role in detecting efficient protection and
therapy of cancer. The prediction of mutations in gene needs a diagnostic and
classification, which is based on the whole database (big dataset), to reach
sufficient accuracy results. Since the tumor suppressor P53 is approximately
about fifty percentage of all human tumors because mutations that occur in the
TP53 gene into the cells. So, this paper is applied on tumor p53, where the
problem is there are several primitive databases (excel database) contain
datasets of TP53 gene with its tumor protein p53, these databases are rich
datasets that cover all mutations and cause diseases (cancers). But these Data
Bases cannot reach to predict and diagnosis cancers, i.e. the big datasets have
not efficient Data Mining method, which can predict, diagnosis the mutation,
and classify the cancer of patient. The goal of this paper to reach a Data
Mining technique, that employs neural network, which bases on the big datasets.
Also, offers friendly predictions, flexible, and effective classified cancers,
in order to overcome the previous techniques drawbacks. This proposed technique
is done by using two approaches, first, bioinformatics techniques by using
BLAST, CLUSTALW, etc, in order to know if there are malignant mutations or not.
The second, data mining by using neural network; it is selected (12) out of
(53) TP53 gene database fields. To clarify, one of these 12 fields (gene
location field) did not exists in TP53 gene database; therefore, it is added to
the database of TP53 gene in training and testing back propagation algorithm,
in order to classify specifically the types of cancers. Feed Forward Back
Propagation supports this Data Mining method with data training rate (1) and
Mean Square Error (MSE) (0.00000000000001). This effective technique allows in
a quick, accurate and easy way to classify the type of cancer.
|
Syntactically Informed Text Compression with Recurrent Neural Networks | We present a self-contained system for constructing natural language models
for use in text compression. Our system improves upon previous neural network
based models by utilizing recent advances in syntactic parsing -- Google's
SyntaxNet -- to augment character-level recurrent neural networks. RNNs have
proven exceptional in modeling sequence data such as text, as their
architecture allows for modeling of long-term contextual information.
|
Neuroevolution-Based Inverse Reinforcement Learning | The problem of Learning from Demonstration is targeted at learning to perform
tasks based on observed examples. One approach to Learning from Demonstration
is Inverse Reinforcement Learning, in which actions are observed to infer
rewards. This work combines a feature based state evaluation approach to
Inverse Reinforcement Learning with neuroevolution, a paradigm for modifying
neural networks based on their performance on a given task. Neural networks are
used to learn from a demonstrated expert policy and are evolved to generate a
policy similar to the demonstration. The algorithm is discussed and evaluated
against competitive feature-based Inverse Reinforcement Learning approaches. At
the cost of execution time, neural networks allow for non-linear combinations
of features in state evaluations. These valuations may correspond to state
value or state reward. This results in better correspondence to observed
examples as opposed to using linear combinations. This work also extends
existing work on Bayesian Non-Parametric Feature Construction for Inverse
Reinforcement Learning by using non-linear combinations of intermediate data to
improve performance. The algorithm is observed to be specifically suitable for
a linearly solvable non-deterministic Markov Decision Processes in which
multiple rewards are sparsely scattered in state space. A conclusive
performance hierarchy between evaluated algorithms is presented.
|
Towards cross-lingual distributed representations without parallel text
trained with adversarial autoencoders | Current approaches to learning vector representations of text that are
compatible between different languages usually require some amount of parallel
text, aligned at word, sentence or at least document level. We hypothesize
however, that different natural languages share enough semantic structure that
it should be possible, in principle, to learn compatible vector representations
just by analyzing the monolingual distribution of words.
In order to evaluate this hypothesis, we propose a scheme to map word vectors
trained on a source language to vectors semantically compatible with word
vectors trained on a target language using an adversarial autoencoder.
We present preliminary qualitative results and discuss possible future
developments of this technique, such as applications to cross-lingual sentence
representations.
|
Mining Fashion Outfit Composition Using An End-to-End Deep Learning
Approach on Set Data | Composing fashion outfits involves deep understanding of fashion standards
while incorporating creativity for choosing multiple fashion items (e.g.,
Jewelry, Bag, Pants, Dress). In fashion websites, popular or high-quality
fashion outfits are usually designed by fashion experts and followed by large
audiences. In this paper, we propose a machine learning system to compose
fashion outfits automatically. The core of the proposed automatic composition
system is to score fashion outfit candidates based on the appearances and
meta-data. We propose to leverage outfit popularity on fashion oriented
websites to supervise the scoring component. The scoring component is a
multi-modal multi-instance deep learning system that evaluates instance
aesthetics and set compatibility simultaneously. In order to train and evaluate
the proposed composition system, we have collected a large scale fashion outfit
dataset with 195K outfits and 368K fashion items from Polyvore. Although the
fashion outfit scoring and composition is rather challenging, we have achieved
an AUC of 85% for the scoring component, and an accuracy of 77% for a
constrained composition task.
|
Stochastic Rank-1 Bandits | We propose stochastic rank-$1$ bandits, a class of online learning problems
where at each step a learning agent chooses a pair of row and column arms, and
receives the product of their values as a reward. The main challenge of the
problem is that the individual values of the row and column are unobserved. We
assume that these values are stochastic and drawn independently. We propose a
computationally-efficient algorithm for solving our problem, which we call
Rank1Elim. We derive a $O((K + L) (1 / \Delta) \log n)$ upper bound on its
$n$-step regret, where $K$ is the number of rows, $L$ is the number of columns,
and $\Delta$ is the minimum of the row and column gaps; under the assumption
that the mean row and column rewards are bounded away from zero. To the best of
our knowledge, we present the first bandit algorithm that finds the maximum
entry of a rank-$1$ matrix whose regret is linear in $K + L$, $1 / \Delta$, and
$\log n$. We also derive a nearly matching lower bound. Finally, we evaluate
Rank1Elim empirically on multiple problems. We observe that it leverages the
structure of our problems and can learn near-optimal solutions even if our
modeling assumptions are mildly violated.
|
Estimation from Indirect Supervision with Linear Moments | In structured prediction problems where we have indirect supervision of the
output, maximum marginal likelihood faces two computational obstacles:
non-convexity of the objective and intractability of even a single gradient
computation. In this paper, we bypass both obstacles for a class of what we
call linear indirectly-supervised problems. Our approach is simple: we solve a
linear system to estimate sufficient statistics of the model, which we then use
to estimate parameters via convex optimization. We analyze the statistical
properties of our approach and show empirically that it is effective in two
settings: learning with local privacy constraints and learning from low-cost
count-based annotations.
|
Combination of LMS Adaptive Filters with Coefficients Feedback | Parallel combinations of adaptive filters have been effectively used to
improve the performance of adaptive algorithms and address well-known
trade-offs, such as convergence rate vs. steady-state error. Nevertheless,
typical combinations suffer from a convergence stagnation issue due to the fact
that the component filters run independently. Solutions to this issue usually
involve conditional transfers of coefficients between filters, which although
effective, are hard to generalize to combinations with more filters or when
there is no clearly faster adaptive filter. In this work, a more natural
solution is proposed by cyclically feeding back the combined coefficient vector
to all component filters. Besides coping with convergence stagnation, this new
topology improves tracking and supervisor stability, and bridges an important
conceptual gap between combinations of adaptive filters and variable step size
schemes. We analyze the steady-state, tracking, and transient performance of
this topology for LMS component filters and supervisors with generic activation
functions. Numerical examples are used to illustrate how coefficients feedback
can improve the performance of parallel combinations at a small computational
overhead.
|
Deep vs. shallow networks : An approximation theory perspective | The paper briefy reviews several recent results on hierarchical architectures
for learning from examples, that may formally explain the conditions under
which Deep Convolutional Neural Networks perform much better in function
approximation problems than shallow, one-hidden layer architectures. The paper
announces new results for a non-smooth activation function - the ReLU function
- used in present-day neural networks, as well as for the Gaussian networks. We
propose a new definition of relative dimension to encapsulate different notions
of sparsity of a function class that can possibly be exploited by deep networks
but not by shallow ones to drastically reduce the complexity required for
approximation and learning.
|
Temporal Learning and Sequence Modeling for a Job Recommender System | We present our solution to the job recommendation task for RecSys Challenge
2016. The main contribution of our work is to combine temporal learning with
sequence modeling to capture complex user-item activity patterns to improve job
recommendations. First, we propose a time-based ranking model applied to
historical observations and a hybrid matrix factorization over time re-weighted
interactions. Second, we exploit sequence properties in user-items activities
and develop a RNN-based recommendation model. Our solution achieved 5$^{th}$
place in the challenge among more than 100 participants. Notably, the strong
performance of our RNN approach shows a promising new direction in employing
sequence modeling for recommendation systems.
|
Distributed learning with regularized least squares | We study distributed learning with the least squares regularization scheme in
a reproducing kernel Hilbert space (RKHS). By a divide-and-conquer approach,
the algorithm partitions a data set into disjoint data subsets, applies the
least squares regularization scheme to each data subset to produce an output
function, and then takes an average of the individual output functions as a
final global estimator or predictor. We show with error bounds in expectation
in both the $L^2$-metric and RKHS-metric that the global output function of
this distributed learning is a good approximation to the algorithm processing
the whole data in one single machine. Our error bounds are sharp and stated in
a general setting without any eigenfunction assumption. The analysis is
achieved by a novel second order decomposition of operator differences in our
integral operator approach. Even for the classical least squares regularization
scheme in the RKHS associated with a general kernel, we give the best learning
rate in the literature.
|
Multi-source Hierarchical Prediction Consolidation | In big data applications such as healthcare data mining, due to privacy
concerns, it is necessary to collect predictions from multiple information
sources for the same instance, with raw features being discarded or withheld
when aggregating multiple predictions. Besides, crowd-sourced labels need to be
aggregated to estimate the ground truth of the data. Because of the imperfect
predictive models or human crowdsourcing workers, noisy and conflicting
information is ubiquitous and inevitable. Although state-of-the-art aggregation
methods have been proposed to handle label spaces with flat structures, as the
label space is becoming more and more complicated, aggregation under a label
hierarchical structure becomes necessary but has been largely ignored. These
label hierarchies can be quite informative as they are usually created by
domain experts to make sense of highly complex label correlations for many
real-world cases like protein functionality interactions or disease
relationships.
We propose a novel multi-source hierarchical prediction consolidation method
to effectively exploits the complicated hierarchical label structures to
resolve the noisy and conflicting information that inherently originates from
multiple imperfect sources. We formulate the problem as an optimization problem
with a closed-form solution. The proposed method captures the smoothness
overall information sources as well as penalizing any consolidation result that
violates the constraints derived from the label hierarchy. The hierarchical
instance similarity, as well as the consolidation result, are inferred in a
totally unsupervised, iterative fashion. Experimental results on both synthetic
and real-world datasets show the effectiveness of the proposed method over
existing alternatives.
|
Semi-Supervised Prediction of Gene Regulatory Networks Using Machine
Learning Algorithms | Use of computational methods to predict gene regulatory networks (GRNs) from
gene expression data is a challenging task. Many studies have been conducted
using unsupervised methods to fulfill the task; however, such methods usually
yield low prediction accuracies due to the lack of training data. In this
article, we propose semi-supervised methods for GRN prediction by utilizing two
machine learning algorithms, namely support vector machines (SVM) and random
forests (RF). The semi-supervised methods make use of unlabeled data for
training. We investigate inductive and transductive learning approaches, both
of which adopt an iterative procedure to obtain reliable negative training data
from the unlabeled data. We then apply our semi-supervised methods to gene
expression data of Escherichia coli and Saccharomyces cerevisiae, and evaluate
the performance of our methods using the expression data. Our analysis
indicated that the transductive learning approach outperformed the inductive
learning approach for both organisms. However, there was no conclusive
difference identified in the performance of SVM and RF. Experimental results
also showed that the proposed semi-supervised methods performed better than
existing supervised methods for both organisms.
|
Sequence Graph Transform (SGT): A Feature Embedding Function for
Sequence Data Mining | Sequence feature embedding is a challenging task due to the unstructuredness
of sequence, i.e., arbitrary strings of arbitrary length. Existing methods are
efficient in extracting short-term dependencies but typically suffer from
computation issues for the long-term. Sequence Graph Transform (SGT), a feature
embedding function, that can extract a varying amount of short- to long-term
dependencies without increasing the computation is proposed. SGT's properties
are analytically proved for interpretation under normal and uniform
distribution assumptions. SGT features yield significantly superior results in
sequence clustering and classification with higher accuracy and lower
computation as compared to the existing methods, including the state-of-the-art
sequence/string Kernels and LSTM.
|
On Context-Dependent Clustering of Bandits | We investigate a novel cluster-of-bandit algorithm CAB for collaborative
recommendation tasks that implements the underlying feedback sharing mechanism
by estimating the neighborhood of users in a context-dependent manner. CAB
makes sharp departures from the state of the art by incorporating collaborative
effects into inference as well as learning processes in a manner that
seamlessly interleaving explore-exploit tradeoffs and collaborative steps. We
prove regret bounds under various assumptions on the data, which exhibit a
crisp dependence on the expected number of clusters over the users, a natural
measure of the statistical difficulty of the learning task. Experiments on
production and real-world datasets show that CAB offers significantly increased
prediction performance against a representative pool of state-of-the-art
methods.
|
Warm Starting Bayesian Optimization | We develop a framework for warm-starting Bayesian optimization, that reduces
the solution time required to solve an optimization problem that is one in a
sequence of related problems. This is useful when optimizing the output of a
stochastic simulator that fails to provide derivative information, for which
Bayesian optimization methods are well-suited. Solving sequences of related
optimization problems arises when making several business decisions using one
optimization model and input data collected over different time periods or
markets. While many gradient-based methods can be warm started by initiating
optimization at the solution to the previous problem, this warm start approach
does not apply to Bayesian optimization methods, which carry a full metamodel
of the objective function from iteration to iteration. Our approach builds a
joint statistical model of the entire collection of related objective
functions, and uses a value of information calculation to recommend points to
evaluate.
|
Faster Training of Very Deep Networks Via p-Norm Gates | A major contributing factor to the recent advances in deep neural networks is
structural units that let sensory information and gradients to propagate
easily. Gating is one such structure that acts as a flow control. Gates are
employed in many recent state-of-the-art recurrent models such as LSTM and GRU,
and feedforward models such as Residual Nets and Highway Networks. This enables
learning in very deep networks with hundred layers and helps achieve
record-breaking results in vision (e.g., ImageNet with Residual Nets) and NLP
(e.g., machine translation with GRU). However, there is limited work in
analysing the role of gating in the learning process. In this paper, we propose
a flexible $p$-norm gating scheme, which allows user-controllable flow and as a
consequence, improve the learning speed. This scheme subsumes other existing
gating schemes, including those in GRU, Highway Networks and Residual Nets as
special cases. Experiments on large sequence and vector datasets demonstrate
that the proposed gating scheme helps improve the learning speed significantly
without extra overhead.
|
Chi-squared Amplification: Identifying Hidden Hubs | We consider the following general hidden hubs model: an $n \times n$ random
matrix $A$ with a subset $S$ of $k$ special rows (hubs): entries in rows
outside $S$ are generated from the probability distribution $p_0 \sim
N(0,\sigma_0^2)$; for each row in $S$, some $k$ of its entries are generated
from $p_1 \sim N(0,\sigma_1^2)$, $\sigma_1>\sigma_0$, and the rest of the
entries from $p_0$. The problem is to identify the high-degree hubs
efficiently. This model includes and significantly generalizes the planted
Gaussian Submatrix Model, where the special entries are all in a $k \times k$
submatrix. There are two well-known barriers: if $k\geq c\sqrt{n\ln n}$, just
the row sums are sufficient to find $S$ in the general model. For the submatrix
problem, this can be improved by a $\sqrt{\ln n}$ factor to $k \ge c\sqrt{n}$
by spectral methods or combinatorial methods. In the variant with $p_0=\pm 1$
(with probability $1/2$ each) and $p_1\equiv 1$, neither barrier has been
broken.
We give a polynomial-time algorithm to identify all the hidden hubs with high
probability for $k \ge n^{0.5-\delta}$ for some $\delta >0$, when
$\sigma_1^2>2\sigma_0^2$. The algorithm extends to the setting where planted
entries might have different variances each at least as large as $\sigma_1^2$.
We also show a nearly matching lower bound: for $\sigma_1^2 \le 2\sigma_0^2$,
there is no polynomial-time Statistical Query algorithm for distinguishing
between a matrix whose entries are all from $N(0,\sigma_0^2)$ and a matrix with
$k=n^{0.5-\delta}$ hidden hubs for any $\delta >0$. The lower bound as well as
the algorithm are related to whether the chi-squared distance of the two
distributions diverges. At the critical value $\sigma_1^2=2\sigma_0^2$, we show
that the general hidden hubs problem can be solved for $k\geq c\sqrt n(\ln
n)^{1/4}$, improving on the naive row sum-based method.
|
Deep Motif Dashboard: Visualizing and Understanding Genomic Sequences
Using Deep Neural Networks | Deep neural network (DNN) models have recently obtained state-of-the-art
prediction accuracy for the transcription factor binding (TFBS) site
classification task. However, it remains unclear how these approaches identify
meaningful DNA sequence signals and give insights as to why TFs bind to certain
locations. In this paper, we propose a toolkit called the Deep Motif Dashboard
(DeMo Dashboard) which provides a suite of visualization strategies to extract
motifs, or sequence patterns from deep neural network models for TFBS
classification. We demonstrate how to visualize and understand three important
DNN models: convolutional, recurrent, and convolutional-recurrent networks. Our
first visualization method is finding a test sequence's saliency map which uses
first-order derivatives to describe the importance of each nucleotide in making
the final prediction. Second, considering recurrent models make predictions in
a temporal manner (from one end of a TFBS sequence to the other), we introduce
temporal output scores, indicating the prediction score of a model over time
for a sequential input. Lastly, a class-specific visualization strategy finds
the optimal input sequence for a given TFBS positive class via stochastic
gradient optimization. Our experimental results indicate that a
convolutional-recurrent architecture performs the best among the three
architectures. The visualization techniques indicate that CNN-RNN makes
predictions by modeling both motifs as well as dependencies among them.
|
Learning with Value-Ramp | We study a learning principle based on the intuition of forming ramps. The
agent tries to follow an increasing sequence of values until the agent meets a
peak of reward. The resulting Value-Ramp algorithm is natural, easy to
configure, and has a robust implementation with natural numbers.
|
Learning Structured Sparsity in Deep Neural Networks | High demand for computation resources severely hinders deployment of
large-scale Deep Neural Networks (DNN) in resource constrained devices. In this
work, we propose a Structured Sparsity Learning (SSL) method to regularize the
structures (i.e., filters, channels, filter shapes, and layer depth) of DNNs.
SSL can: (1) learn a compact structure from a bigger DNN to reduce computation
cost; (2) obtain a hardware-friendly structured sparsity of DNN to efficiently
accelerate the DNNs evaluation. Experimental results show that SSL achieves on
average 5.1x and 3.1x speedups of convolutional layer computation of AlexNet
against CPU and GPU, respectively, with off-the-shelf libraries. These speedups
are about twice speedups of non-structured sparsity; (3) regularize the DNN
structure to improve classification accuracy. The results show that for
CIFAR-10, regularization on layer depth can reduce 20 layers of a Deep Residual
Network (ResNet) to 18 layers while improve the accuracy from 91.25% to 92.60%,
which is still slightly higher than that of original ResNet with 32 layers. For
AlexNet, structure regularization by SSL also reduces the error by around ~1%.
Open source code is in https://github.com/wenwei202/caffe/tree/scnn
|
Density Matching Reward Learning | In this paper, we focus on the problem of inferring the underlying reward
function of an expert given demonstrations, which is often referred to as
inverse reinforcement learning (IRL). In particular, we propose a model-free
density-based IRL algorithm, named density matching reward learning (DMRL),
which does not require model dynamics. The performance of DMRL is analyzed
theoretically and the sample complexity is derived. Furthermore, the proposed
DMRL is extended to handle nonlinear IRL problems by assuming that the reward
function is in the reproducing kernel Hilbert space (RKHS) and kernel DMRL
(KDMRL) is proposed. The parameters for KDMRL can be computed analytically,
which greatly reduces the computation time. The performance of KDMRL is
extensively evaluated in two sets of experiments: grid world and track driving
experiments. In grid world experiments, the proposed KDMRL method is compared
with both model-based and model-free IRL methods and shows superior performance
on a nonlinear reward setting and competitive performance on a linear reward
setting in terms of expected value differences. Then we move on to more
realistic experiments of learning different driving styles for autonomous
navigation in complex and dynamic tracks using KDMRL and receding horizon
control.
|
Unsupervised feature learning from finite data by message passing:
discontinuous versus continuous phase transition | Unsupervised neural network learning extracts hidden features from unlabeled
training data. This is used as a pretraining step for further supervised
learning in deep networks. Hence, understanding unsupervised learning is of
fundamental importance. Here, we study the unsupervised learning from a finite
number of data, based on the restricted Boltzmann machine learning. Our study
inspires an efficient message passing algorithm to infer the hidden feature,
and estimate the entropy of candidate features consistent with the data. Our
analysis reveals that the learning requires only a few data if the feature is
salient and extensively many if the feature is weak. Moreover, the entropy of
candidate features monotonically decreases with data size and becomes negative
(i.e., entropy crisis) before the message passing becomes unstable, suggesting
a discontinuous phase transition. In terms of convergence time of the message
passing algorithm, the unsupervised learning exhibits an easy-hard-easy
phenomenon as the training data size increases. All these properties are
reproduced in an approximate Hopfield model, with an exception that the entropy
crisis is absent, and only continuous phase transition is observed. This key
difference is also confirmed in a handwritten digits dataset. This study
deepens our understanding of unsupervised learning from a finite number of
data, and may provide insights into its role in training deep networks.
|
Applying Deep Learning to Basketball Trajectories | One of the emerging trends for sports analytics is the growing use of player
and ball tracking data. A parallel development is deep learning predictive
approaches that use vast quantities of data with less reliance on feature
engineering. This paper applies recurrent neural networks in the form of
sequence modeling to predict whether a three-point shot is successful. The
models are capable of learning the trajectory of a basketball without any
knowledge of physics. For comparison, a baseline static machine learning model
with a full set of features, such as angle and velocity, in addition to the
positional data is also tested. Using a dataset of over 20,000 three pointers
from NBA SportVu data, the models based simply on sequential positional data
outperform a static feature rich machine learning model in predicting whether a
three-point shot is successful. This suggests deep learning models may offer an
improvement to traditional feature based machine learning methods for tracking
data.
|
Content-based image retrieval tutorial | This paper functions as a tutorial for individuals interested to enter the
field of information retrieval but wouldn't know where to begin from. It
describes two fundamental yet efficient image retrieval techniques, the first
being k - nearest neighbors (knn) and the second support vector machines(svm).
The goal is to provide the reader with both the theoretical and practical
aspects in order to acquire a better understanding. Along with this tutorial we
have also developed the equivalent software1 using the MATLAB environment in
order to illustrate the techniques, so that the reader can have a hands-on
experience.
|
Distributed Optimization for Client-Server Architecture with Negative
Gradient Weights | Availability of both massive datasets and computing resources have made
machine learning and predictive analytics extremely pervasive. In this work we
present a synchronous algorithm and architecture for distributed optimization
motivated by privacy requirements posed by applications in machine learning. We
present an algorithm for the recently proposed multi-parameter-server
architecture. We consider a group of parameter servers that learn a model based
on randomized gradients received from clients. Clients are computational
entities with private datasets (inducing a private objective function), that
evaluate and upload randomized gradients to the parameter servers. The
parameter servers perform model updates based on received gradients and share
the model parameters with other servers. We prove that the proposed algorithm
can optimize the overall objective function for a very general architecture
involving $C$ clients connected to $S$ parameter servers in an arbitrary time
varying topology and the parameter servers forming a connected network.
|
Rapid Classification of Crisis-Related Data on Social Networks using
Convolutional Neural Networks | The role of social media, in particular microblogging platforms such as
Twitter, as a conduit for actionable and tactical information during disasters
is increasingly acknowledged. However, time-critical analysis of big crisis
data on social media streams brings challenges to machine learning techniques,
especially the ones that use supervised learning. The Scarcity of labeled data,
particularly in the early hours of a crisis, delays the machine learning
process. The current state-of-the-art classification methods require a
significant amount of labeled data specific to a particular event for training
plus a lot of feature engineering to achieve best results. In this work, we
introduce neural network based classification methods for binary and
multi-class tweet classification task. We show that neural network based models
do not require any feature engineering and perform better than state-of-the-art
methods. In the early hours of a disaster when no labeled data is available,
our proposed method makes the best use of the out-of-event data and achieves
good results.
|
Improved Dynamic Regret for Non-degenerate Functions | Recently, there has been a growing research interest in the analysis of
dynamic regret, which measures the performance of an online learner against a
sequence of local minimizers. By exploiting the strong convexity, previous
studies have shown that the dynamic regret can be upper bounded by the
path-length of the comparator sequence. In this paper, we illustrate that the
dynamic regret can be further improved by allowing the learner to query the
gradient of the function multiple times, and meanwhile the strong convexity can
be weakened to other non-degenerate conditions. Specifically, we introduce the
squared path-length, which could be much smaller than the path-length, as a new
regularity of the comparator sequence. When multiple gradients are accessible
to the learner, we first demonstrate that the dynamic regret of strongly convex
functions can be upper bounded by the minimum of the path-length and the
squared path-length. We then extend our theoretical guarantee to functions that
are semi-strongly convex or self-concordant. To the best of our knowledge, this
is the first time that semi-strong convexity and self-concordance are utilized
to tighten the dynamic regret.
|
Recurrent Fully Convolutional Neural Networks for Multi-slice MRI
Cardiac Segmentation | In cardiac magnetic resonance imaging, fully-automatic segmentation of the
heart enables precise structural and functional measurements to be taken, e.g.
from short-axis MR images of the left-ventricle. In this work we propose a
recurrent fully-convolutional network (RFCN) that learns image representations
from the full stack of 2D slices and has the ability to leverage inter-slice
spatial dependences through internal memory units. RFCN combines anatomical
detection and segmentation into a single architecture that is trained
end-to-end thus significantly reducing computational time, simplifying the
segmentation pipeline, and potentially enabling real-time applications. We
report on an investigation of RFCN using two datasets, including the publicly
available MICCAI 2009 Challenge dataset. Comparisons have been carried out
between fully convolutional networks and deep restricted Boltzmann machines,
including a recurrent version that leverages inter-slice spatial correlation.
Our studies suggest that RFCN produces state-of-the-art results and can
substantially improve the delineation of contours near the apex of the heart.
|
SGDR: Stochastic Gradient Descent with Warm Restarts | Restart techniques are common in gradient-free optimization to deal with
multimodal functions. Partial warm restarts are also gaining popularity in
gradient-based optimization to improve the rate of convergence in accelerated
gradient schemes to deal with ill-conditioned functions. In this paper, we
propose a simple warm restart technique for stochastic gradient descent to
improve its anytime performance when training deep neural networks. We
empirically study its performance on the CIFAR-10 and CIFAR-100 datasets, where
we demonstrate new state-of-the-art results at 3.14% and 16.21%, respectively.
We also demonstrate its advantages on a dataset of EEG recordings and on a
downsampled version of the ImageNet dataset. Our source code is available at
https://github.com/loshchil/SGDR
|
An approach to dealing with missing values in heterogeneous data using
k-nearest neighbors | Techniques such as clusterization, neural networks and decision making
usually rely on algorithms that are not well suited to deal with missing
values. However, real world data frequently contains such cases. The simplest
solution is to either substitute them by a best guess value or completely
disregard the missing values. Unfortunately, both approaches can lead to biased
results. In this paper, we propose a technique for dealing with missing values
in heterogeneous data using imputation based on the k-nearest neighbors
algorithm. It can handle real (which we refer to as crisp henceforward),
interval and fuzzy data. The effectiveness of the algorithm is tested on
several datasets and the numerical results are promising.
|
Stacked Approximated Regression Machine: A Simple Deep Learning Approach | With the agreement of my coauthors, I Zhangyang Wang would like to withdraw
the manuscript "Stacked Approximated Regression Machine: A Simple Deep Learning
Approach". Some experimental procedures were not included in the manuscript,
which makes a part of important claims not meaningful. In the relevant
research, I was solely responsible for carrying out the experiments; the other
coauthors joined in the discussions leading to the main algorithm.
Please see the updated text for more details.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.