title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Predicting membrane protein contacts from non-membrane proteins by deep
transfer learning | Computational prediction of membrane protein (MP) structures is very
challenging partially due to lack of sufficient solved structures for homology
modeling. Recently direct evolutionary coupling analysis (DCA) sheds some light
on protein contact prediction and accordingly, contact-assisted folding, but
DCA is effective only on some very large-sized families since it uses
information only in a single protein family. This paper presents a deep
transfer learning method that can significantly improve MP contact prediction
by learning contact patterns and complex sequence-contact relationship from
thousands of non-membrane proteins (non-MPs). Tested on 510 non-redundant MPs,
our deep model (learned from only non-MPs) has top L/10 long-range contact
prediction accuracy 0.69, better than our deep model trained by only MPs (0.63)
and much better than a representative DCA method CCMpred (0.47) and the CASP11
winner MetaPSICOV (0.55). The accuracy of our deep model can be further
improved to 0.72 when trained by a mix of non-MPs and MPs. When only contacts
in transmembrane regions are evaluated, our method has top L/10 long-range
accuracy 0.62, 0.57, and 0.53 when trained by a mix of non-MPs and MPs, by
non-MPs only, and by MPs only, respectively, still much better than MetaPSICOV
(0.45) and CCMpred (0.40). All these results suggest that sequence-structure
relationship learned by our deep model from non-MPs generalizes well to MP
contact prediction. Improved contact prediction also leads to better
contact-assisted folding. Using only top predicted contacts as restraints, our
deep learning method can fold 160 and 200 of 510 MPs with TMscore>0.6 when
trained by non-MPs only and by a mix of non-MPs and MPs, respectively, while
CCMpred and MetaPSICOV can do so for only 56 and 77 MPs, respectively. Our
contact-assisted folding also greatly outperforms homology modeling.
|
Learning from Comparisons and Choices | When tracking user-specific online activities, each user's preference is
revealed in the form of choices and comparisons. For example, a user's purchase
history is a record of her choices, i.e. which item was chosen among a subset
of offerings. A user's preferences can be observed either explicitly as in
movie ratings or implicitly as in viewing times of news articles. Given such
individualized ordinal data in the form of comparisons and choices, we address
the problem of collaboratively learning representations of the users and the
items. The learned features can be used to predict a user's preference of an
unseen item to be used in recommendation systems. This also allows one to
compute similarities among users and items to be used for categorization and
search. Motivated by the empirical successes of the MultiNomial Logit (MNL)
model in marketing and transportation, and also more recent successes in word
embedding and crowdsourced image embedding, we pose this problem as learning
the MNL model parameters that best explain the data. We propose a convex
relaxation for learning the MNL model, and show that it is minimax optimal up
to a logarithmic factor by comparing its performance to a fundamental lower
bound. This characterizes the minimax sample complexity of the problem, and
proves that the proposed estimator cannot be improved upon other than by a
logarithmic factor. Further, the analysis identifies how the accuracy depends
on the topology of sampling via the spectrum of the sampling graph. This
provides a guideline for designing surveys when one can choose which items are
to be compared. This is accompanied by numerical simulations on synthetic and
real data sets, confirming our theoretical predictions.
|
Parsing Speech: A Neural Approach to Integrating Lexical and
Acoustic-Prosodic Information | In conversational speech, the acoustic signal provides cues that help
listeners disambiguate difficult parses. For automatically parsing spoken
utterances, we introduce a model that integrates transcribed text and
acoustic-prosodic features using a convolutional neural network over energy and
pitch trajectories coupled with an attention-based recurrent neural network
that accepts text and prosodic features. We find that different types of
acoustic-prosodic features are individually helpful, and together give
statistically significant improvements in parse and disfluency detection F1
scores over a strong text-only baseline. For this study with known sentence
boundaries, error analyses show that the main benefit of acoustic-prosodic
features is in sentences with disfluencies, attachment decisions are most
improved, and transcription errors obscure gains from prosody.
|
Structured low-rank matrix learning: algorithms and applications | We consider the problem of learning a low-rank matrix, constrained to lie in
a linear subspace, and introduce a novel factorization for modeling such
matrices. A salient feature of the proposed factorization scheme is it
decouples the low-rank and the structural constraints onto separate factors. We
formulate the optimization problem on the Riemannian spectrahedron manifold,
where the Riemannian framework allows to develop computationally efficient
conjugate gradient and trust-region algorithms. Experiments on problems such as
standard/robust/non-negative matrix completion, Hankel matrix learning and
multi-task learning demonstrate the efficacy of our approach. A shorter version
of this work has been published in ICML'18.
|
Active Bias: Training More Accurate Neural Networks by Emphasizing High
Variance Samples | Self-paced learning and hard example mining re-weight training instances to
improve learning accuracy. This paper presents two improved alternatives based
on lightweight estimates of sample uncertainty in stochastic gradient descent
(SGD): the variance in predicted probability of the correct class across
iterations of mini-batch SGD, and the proximity of the correct class
probability to the decision threshold. Extensive experimental results on six
datasets show that our methods reliably improve accuracy in various network
architectures, including additional gains on top of other popular training
techniques, such as residual learning, momentum, ADAM, batch normalization,
dropout, and distillation.
|
GaKCo: a Fast GApped k-mer string Kernel using COunting | String Kernel (SK) techniques, especially those using gapped $k$-mers as
features (gk), have obtained great success in classifying sequences like DNA,
protein, and text. However, the state-of-the-art gk-SK runs extremely slow when
we increase the dictionary size ($\Sigma$) or allow more mismatches ($M$). This
is because current gk-SK uses a trie-based algorithm to calculate co-occurrence
of mismatched substrings resulting in a time cost proportional to
$O(\Sigma^{M})$. We propose a \textbf{fast} algorithm for calculating
\underline{Ga}pped $k$-mer \underline{K}ernel using \underline{Co}unting
(GaKCo). GaKCo uses associative arrays to calculate the co-occurrence of
substrings using cumulative counting. This algorithm is fast, scalable to
larger $\Sigma$ and $M$, and naturally parallelizable. We provide a rigorous
asymptotic analysis that compares GaKCo with the state-of-the-art gk-SK.
Theoretically, the time cost of GaKCo is independent of the $\Sigma^{M}$ term
that slows down the trie-based approach. Experimentally, we observe that GaKCo
achieves the same accuracy as the state-of-the-art and outperforms its speed by
factors of 2, 100, and 4, on classifying sequences of DNA (5 datasets), protein
(12 datasets), and character-based English text (2 datasets), respectively.
GaKCo is shared as an open source tool at
\url{https://github.com/QData/GaKCo-SVM}
|
Continuously Differentiable Exponential Linear Units | Exponential Linear Units (ELUs) are a useful rectifier for constructing deep
learning architectures, as they may speed up and otherwise improve learning by
virtue of not have vanishing gradients and by having mean activations near
zero. However, the ELU activation as parametrized in [1] is not continuously
differentiable with respect to its input when the shape parameter alpha is not
equal to 1. We present an alternative parametrization which is C1 continuous
for all values of alpha, making the rectifier easier to reason about and making
alpha easier to tune. This alternative parametrization has several other useful
properties that the original parametrization of ELU does not: 1) its derivative
with respect to x is bounded, 2) it contains both the linear transfer function
and ReLU as special cases, and 3) it is scale-similar with respect to alpha.
|
Bootstrapping Graph Convolutional Neural Networks for Autism Spectrum
Disorder Classification | Using predictive models to identify patterns that can act as biomarkers for
different neuropathoglogical conditions is becoming highly prevalent. In this
paper, we consider the problem of Autism Spectrum Disorder (ASD) classification
where previous work has shown that it can be beneficial to incorporate a wide
variety of meta features, such as socio-cultural traits, into predictive
modeling. A graph-based approach naturally suits these scenarios, where a
contextual graph captures traits that characterize a population, while the
specific brain activity patterns are utilized as a multivariate signal at the
nodes. Graph neural networks have shown improvements in inferencing with
graph-structured data. Though the underlying graph strongly dictates the
overall performance, there exists no systematic way of choosing an appropriate
graph in practice, thus making predictive models non-robust. To address this,
we propose a bootstrapped version of graph convolutional neural networks
(G-CNNs) that utilizes an ensemble of weakly trained G-CNNs, and reduce the
sensitivity of models on the choice of graph construction. We demonstrate its
effectiveness on the challenging Autism Brain Imaging Data Exchange (ABIDE)
dataset and show that our approach improves upon recently proposed graph-based
neural networks. We also show that our method remains more robust to noisy
graphs.
|
Leveraging Patient Similarity and Time Series Data in Healthcare
Predictive Models | Patient time series classification faces challenges in high degrees of
dimensionality and missingness. In light of patient similarity theory, this
study explores effective temporal feature engineering and reduction, missing
value imputation, and change point detection methods that can afford
similarity-based classification models with desirable accuracy enhancement. We
select a piecewise aggregation approximation method to extract fine-grain
temporal features and propose a minimalist method to impute missing values in
temporal features. For dimensionality reduction, we adopt a gradient descent
search method for feature weight assignment. We propose new patient status and
directional change definitions based on medical knowledge or clinical
guidelines about the value ranges for different patient status levels, and
develop a method to detect change points indicating positive or negative
patient status changes. We evaluate the effectiveness of the proposed methods
in the context of early Intensive Care Unit mortality prediction. The
evaluation results show that the k-Nearest Neighbor algorithm that incorporates
methods we select and propose significantly outperform the relevant benchmarks
for early ICU mortality prediction. This study makes contributions to time
series classification and early ICU mortality prediction via identifying and
enhancing temporal feature engineering and reduction methods for
similarity-based time series classification.
|
PPMF: A Patient-based Predictive Modeling Framework for Early ICU
Mortality Prediction | To date, developing a good model for early intensive care unit (ICU)
mortality prediction is still challenging. This paper presents a patient based
predictive modeling framework (PPMF) to improve the performance of ICU
mortality prediction using data collected during the first 48 hours of ICU
admission. PPMF consists of three main components verifying three related
research hypotheses. The first component captures dynamic changes of patients
status in the ICU using their time series data (e.g., vital signs and
laboratory tests). The second component is a local approximation algorithm that
classifies patients based on their similarities. The third component is a
Gradient Decent wrapper that updates feature weights according to the
classification feedback. Experiments using data from MIMICIII show that PPMF
significantly outperforms: (1) the severity score systems, namely SASP III,
APACHE IV, and MPM0III, (2) the aggregation based classifiers that utilize
summarized time series, and (3) baseline feature selection methods.
|
Learning of Human-like Algebraic Reasoning Using Deep Feedforward Neural
Networks | There is a wide gap between symbolic reasoning and deep learning. In this
research, we explore the possibility of using deep learning to improve symbolic
reasoning. Briefly, in a reasoning system, a deep feedforward neural network is
used to guide rewriting processes after learning from algebraic reasoning
examples produced by humans. To enable the neural network to recognise patterns
of algebraic expressions with non-deterministic sizes, reduced partial trees
are used to represent the expressions. Also, to represent both top-down and
bottom-up information of the expressions, a centralisation technique is used to
improve the reduced partial trees. Besides, symbolic association vectors and
rule application records are used to improve the rewriting processes.
Experimental results reveal that the algebraic reasoning examples can be
accurately learnt only if the feedforward neural network has enough hidden
layers. Also, the centralisation technique, the symbolic association vectors
and the rule application records can reduce error rates of reasoning. In
particular, the above approaches have led to 4.6% error rate of reasoning on a
dataset of linear equations, differentials and integrals.
|
Dynamic Model Selection for Prediction Under a Budget | We present a dynamic model selection approach for resource-constrained
prediction. Given an input instance at test-time, a gating function identifies
a prediction model for the input among a collection of models. Our objective is
to minimize overall average cost without sacrificing accuracy. We learn gating
and prediction models on fully labeled training data by means of a bottom-up
strategy. Our novel bottom-up method is a recursive scheme whereby a
high-accuracy complex model is first trained. Then a low-complexity gating and
prediction model are subsequently learnt to adaptively approximate the
high-accuracy model in regions where low-cost models are capable of making
highly accurate predictions. We pose an empirical loss minimization problem
with cost constraints to jointly train gating and prediction models. On a
number of benchmark datasets our method outperforms state-of-the-art achieving
higher accuracy for the same cost.
|
Some Like it Hoax: Automated Fake News Detection in Social Networks | In recent years, the reliability of information on the Internet has emerged
as a crucial issue of modern society. Social network sites (SNSs) have
revolutionized the way in which information is spread by allowing users to
freely share content. As a consequence, SNSs are also increasingly used as
vectors for the diffusion of misinformation and hoaxes. The amount of
disseminated information and the rapidity of its diffusion make it practically
impossible to assess reliability in a timely manner, highlighting the need for
automatic hoax detection systems.
As a contribution towards this objective, we show that Facebook posts can be
classified with high accuracy as hoaxes or non-hoaxes on the basis of the users
who "liked" them. We present two classification techniques, one based on
logistic regression, the other on a novel adaptation of boolean crowdsourcing
algorithms. On a dataset consisting of 15,500 Facebook posts and 909,236 users,
we obtain classification accuracies exceeding 99% even when the training set
contains less than 1% of the posts. We further show that our techniques are
robust: they work even when we restrict our attention to the users who like
both hoax and non-hoax posts. These results suggest that mapping the diffusion
pattern of information can be a useful component of automatic hoax detection
systems.
|
Scalable Planning with Tensorflow for Hybrid Nonlinear Domains | Given recent deep learning results that demonstrate the ability to
effectively optimize high-dimensional non-convex functions with gradient
descent optimization on GPUs, we ask in this paper whether symbolic gradient
optimization tools such as Tensorflow can be effective for planning in hybrid
(mixed discrete and continuous) nonlinear domains with high dimensional state
and action spaces? To this end, we demonstrate that hybrid planning with
Tensorflow and RMSProp gradient descent is competitive with mixed integer
linear program (MILP) based optimization on piecewise linear planning domains
(where we can compute optimal solutions) and substantially outperforms
state-of-the-art interior point methods for nonlinear planning domains.
Furthermore, we remark that Tensorflow is highly scalable, converging to a
strong plan on a large-scale concurrent domain with a total of 576,000
continuous action parameters distributed over a horizon of 96 time steps and
100 parallel instances in only 4 minutes. We provide a number of insights that
clarify such strong performance including observations that despite long
horizons, RMSProp avoids both the vanishing and exploding gradient problems.
Together these results suggest a new frontier for highly scalable planning in
nonlinear hybrid domains by leveraging GPUs and the power of recent advances in
gradient descent with highly optimized toolkits like Tensorflow.
|
Deep Over-sampling Framework for Classifying Imbalanced Data | Class imbalance is a challenging issue in practical classification problems
for deep learning models as well as traditional models. Traditionally
successful countermeasures such as synthetic over-sampling have had limited
success with complex, structured data handled by deep learning models. In this
paper, we propose Deep Over-sampling (DOS), a framework for extending the
synthetic over-sampling method to exploit the deep feature space acquired by a
convolutional neural network (CNN). Its key feature is an explicit, supervised
representation learning, for which the training data presents each raw input
sample with a synthetic embedding target in the deep feature space, which is
sampled from the linear subspace of in-class neighbors. We implement an
iterative process of training the CNN and updating the targets, which induces
smaller in-class variance among the embeddings, to increase the discriminative
power of the deep representation. We present an empirical study using public
benchmarks, which shows that the DOS framework not only counteracts class
imbalance better than the existing method, but also improves the performance of
the CNN in the standard, balanced settings.
|
Abstract Syntax Networks for Code Generation and Semantic Parsing | Tasks like code generation and semantic parsing require mapping unstructured
(or partially structured) inputs to well-formed, executable outputs. We
introduce abstract syntax networks, a modeling framework for these problems.
The outputs are represented as abstract syntax trees (ASTs) and constructed by
a decoder with a dynamically-determined modular structure paralleling the
structure of the output tree. On the benchmark Hearthstone dataset for code
generation, our model obtains 79.2 BLEU and 22.7% exact match accuracy,
compared to previous state-of-the-art values of 67.1 and 6.1%. Furthermore, we
perform competitively on the Atis, Jobs, and Geo semantic parsing datasets with
no task-specific engineering.
|
Semi-supervised Bayesian Deep Multi-modal Emotion Recognition | In emotion recognition, it is difficult to recognize human's emotional states
using just a single modality. Besides, the annotation of physiological
emotional data is particularly expensive. These two aspects make the building
of effective emotion recognition model challenging. In this paper, we first
build a multi-view deep generative model to simulate the generative process of
multi-modality emotional data. By imposing a mixture of Gaussians assumption on
the posterior approximation of the latent variables, our model can learn the
shared deep representation from multiple modalities. To solve the
labeled-data-scarcity problem, we further extend our multi-view model to
semi-supervised learning scenario by casting the semi-supervised classification
problem as a specialized missing data imputation task. Our semi-supervised
multi-view deep generative framework can leverage both labeled and unlabeled
data from multiple modalities, where the weight factor for each modality can be
learned automatically. Compared with previous emotion recognition methods, our
method is more robust and flexible. The experiments conducted on two real
multi-modal emotion datasets have demonstrated the superiority of our framework
over a number of competitors.
|
Learning Agents in Black-Scholes Financial Markets: Consensus Dynamics
and Volatility Smiles | Black-Scholes (BS) is the standard mathematical model for option pricing in
financial markets. Option prices are calculated using an analytical formula
whose main inputs are strike (at which price to exercise) and volatility. The
BS framework assumes that volatility remains constant across all strikes,
however, in practice it varies. How do traders come to learn these parameters?
We introduce natural models of learning agents, in which they update their
beliefs about the true implied volatility based on the opinions of other
traders. We prove convergence of these opinion dynamics using techniques from
control theory and leader-follower models, thus providing a resolution between
theory and market practices. We allow for two different models, one with
feedback and one with an unknown leader.
|
Decision Stream: Cultivating Deep Decision Trees | Various modifications of decision trees have been extensively used during the
past years due to their high efficiency and interpretability. Tree node
splitting based on relevant feature selection is a key step of decision tree
learning, at the same time being their major shortcoming: the recursive nodes
partitioning leads to geometric reduction of data quantity in the leaf nodes,
which causes an excessive model complexity and data overfitting. In this paper,
we present a novel architecture - a Decision Stream, - aimed to overcome this
problem. Instead of building a tree structure during the learning process, we
propose merging nodes from different branches based on their similarity that is
estimated with two-sample test statistics, which leads to generation of a deep
directed acyclic graph of decision rules that can consist of hundreds of
levels. To evaluate the proposed solution, we test it on several common machine
learning problems - credit scoring, twitter sentiment analysis, aircraft flight
control, MNIST and CIFAR image classification, synthetic data classification
and regression. Our experimental results reveal that the proposed approach
significantly outperforms the standard decision tree learning methods on both
regression and classification tasks, yielding a prediction error decrease up to
35%.
|
An All-Pair Quantum SVM Approach for Big Data Multiclass Classification | In this paper, we have discussed a quantum approach for the all-pair
multiclass classification problem. We have shown that the multiclass support
vector machine for big data classification with a quantum all-pair approach can
be implemented in logarithm runtime complexity on a quantum computer. In an
all-pair approach, there is one binary classification problem for each pair of
classes, and so there are k (k-1)/2 classifiers for a k-class problem. As
compared to the classical multiclass support vector machine that can be
implemented with polynomial run time complexity, our approach exhibits
exponential speed up in the quantum version. The quantum all-pair algorithm can
be used with other classification algorithms, and a speed up gain can be
achieved as compared to their classical counterparts.
|
Single-Pass PCA of Large High-Dimensional Data | Principal component analysis (PCA) is a fundamental dimension reduction tool
in statistics and machine learning. For large and high-dimensional data,
computing the PCA (i.e., the singular vectors corresponding to a number of
dominant singular values of the data matrix) becomes a challenging task. In
this work, a single-pass randomized algorithm is proposed to compute PCA with
only one pass over the data. It is suitable for processing extremely large and
high-dimensional data stored in slow memory (hard disk) or the data generated
in a streaming fashion. Experiments with synthetic and real data validate the
algorithm's accuracy, which has orders of magnitude smaller error than an
existing single-pass algorithm. For a set of high-dimensional data stored as a
150 GB file, the proposed algorithm is able to compute the first 50 principal
components in just 24 minutes on a typical 24-core computer, with less than 1
GB memory cost.
|
Automatic Anomaly Detection in the Cloud Via Statistical Learning | Performance and high availability have become increasingly important drivers,
amongst other drivers, for user retention in the context of web services such
as social networks, and web search. Exogenic and/or endogenic factors often
give rise to anomalies, making it very challenging to maintain high
availability, while also delivering high performance. Given that
service-oriented architectures (SOA) typically have a large number of services,
with each service having a large set of metrics, automatic detection of
anomalies is non-trivial.
Although there exists a large body of prior research in anomaly detection,
existing techniques are not applicable in the context of social network data,
owing to the inherent seasonal and trend components in the time series data.
To this end, we developed two novel statistical techniques for automatically
detecting anomalies in cloud infrastructure data. Specifically, the techniques
employ statistical learning to detect anomalies in both application, and system
metrics. Seasonal decomposition is employed to filter the trend and seasonal
components of the time series, followed by the use of robust statistical
metrics -- median and median absolute deviation (MAD) -- to accurately detect
anomalies, even in the presence of seasonal spikes.
We demonstrate the efficacy of the proposed techniques from three different
perspectives, viz., capacity planning, user behavior, and supervised learning.
In particular, we used production data for evaluation, and we report Precision,
Recall, and F-measure in each case.
|
Fine-Grained Entity Typing with High-Multiplicity Assignments | As entity type systems become richer and more fine-grained, we expect the
number of types assigned to a given entity to increase. However, most
fine-grained typing work has focused on datasets that exhibit a low degree of
type multiplicity. In this paper, we consider the high-multiplicity regime
inherent in data sources such as Wikipedia that have semi-open type systems. We
introduce a set-prediction approach to this problem and show that our model
outperforms unstructured baselines on a new Wikipedia-based fine-grained typing
corpus.
|
FWDA: a Fast Wishart Discriminant Analysis with its Application to
Electronic Health Records Data Classification | Linear Discriminant Analysis (LDA) on Electronic Health Records (EHR) data is
widely-used for early detection of diseases. Classical LDA for EHR data
classification, however, suffers from two handicaps: the ill-posed estimation
of LDA parameters (e.g., covariance matrix), and the "linear inseparability" of
EHR data. To handle these two issues, in this paper, we propose a novel
classifier FWDA -- Fast Wishart Discriminant Analysis, that makes predictions
in an ensemble way. Specifically, FWDA first surrogates the distribution of
inverse covariance matrices using a Wishart distribution estimated from the
training data, then "weighted-averages" the classification results of multiple
LDA classifiers parameterized by the sampled inverse covariance matrices via a
Bayesian Voting scheme. The weights for voting are optimally updated to adapt
each new input data, so as to enable the nonlinear classification. Theoretical
analysis indicates that FWDA possesses a fast convergence rate and a robust
performance on high dimensional data. Extensive experiments on large-scale EHR
dataset show that our approach outperforms state-of-the-art algorithms by a
large margin.
|
A decentralized proximal-gradient method with network independent
step-sizes and separated convergence rates | This paper proposes a novel proximal-gradient algorithm for a decentralized
optimization problem with a composite objective containing smooth and
non-smooth terms. Specifically, the smooth and nonsmooth terms are dealt with
by gradient and proximal updates, respectively. The proposed algorithm is
closely related to a previous algorithm, PG-EXTRA \cite{shi2015proximal}, but
has a few advantages. First of all, agents use uncoordinated step-sizes, and
the stable upper bounds on step-sizes are independent of network topologies.
The step-sizes depend on local objective functions, and they can be as large as
those of the gradient descent. Secondly, for the special case without
non-smooth terms, linear convergence can be achieved under the strong convexity
assumption. The dependence of the convergence rate on the objective functions
and the network are separated, and the convergence rate of the new algorithm is
as good as one of the two convergence rates that match the typical rates for
the general gradient descent and the consensus averaging. We provide numerical
experiments to demonstrate the efficacy of the introduced algorithm and
validate our theoretical discoveries.
|
Introspective Classification with Convolutional Nets | We propose introspective convolutional networks (ICN) that emphasize the
importance of having convolutional neural networks empowered with generative
capabilities. We employ a reclassification-by-synthesis algorithm to perform
training using a formulation stemmed from the Bayes theory. Our ICN tries to
iteratively: (1) synthesize pseudo-negative samples; and (2) enhance itself by
improving the classification. The single CNN classifier learned is at the same
time generative --- being able to directly synthesize new samples within its
own discriminative model. We conduct experiments on benchmark datasets
including MNIST, CIFAR-10, and SVHN using state-of-the-art CNN architectures,
and observe improved classification results.
|
Introspective Generative Modeling: Decide Discriminatively | We study unsupervised learning by developing introspective generative
modeling (IGM) that attains a generator using progressively learned deep
convolutional neural networks. The generator is itself a discriminator, capable
of introspection: being able to self-evaluate the difference between its
generated samples and the given training data. When followed by repeated
discriminative learning, desirable properties of modern discriminative
classifiers are directly inherited by the generator. IGM learns a cascade of
CNN classifiers using a synthesis-by-classification algorithm. In the
experiments, we observe encouraging results on a number of applications
including texture modeling, artistic style transferring, face modeling, and
semi-supervised learning.
|
Generating Liquid Simulations with Deformation-aware Neural Networks | We propose a novel approach for deformation-aware neural networks that learn
the weighting and synthesis of dense volumetric deformation fields. Our method
specifically targets the space-time representation of physical surfaces from
liquid simulations. Liquids exhibit highly complex, non-linear behavior under
changing simulation conditions such as different initial conditions. Our
algorithm captures these complex phenomena in two stages: a first neural
network computes a weighting function for a set of pre-computed deformations,
while a second network directly generates a deformation field for refining the
surface. Key for successful training runs in this setting is a suitable loss
function that encodes the effect of the deformations, and a robust calculation
of the corresponding gradients. To demonstrate the effectiveness of our
approach, we showcase our method with several complex examples of flowing
liquids with topology changes. Our representation makes it possible to rapidly
generate the desired implicit surfaces. We have implemented a mobile
application to demonstrate that real-time interactions with complex liquid
effects are possible with our approach.
|
Stochastic Optimization from Distributed, Streaming Data in Rate-limited
Networks | Motivated by machine learning applications in networks of sensors,
internet-of-things (IoT) devices, and autonomous agents, we propose techniques
for distributed stochastic convex learning from high-rate data streams. The
setup involves a network of nodes---each one of which has a stream of data
arriving at a constant rate---that solve a stochastic convex optimization
problem by collaborating with each other over rate-limited communication links.
To this end, we present and analyze two algorithms---termed distributed
stochastic approximation mirror descent (D-SAMD) and accelerated distributed
stochastic approximation mirror descent (AD-SAMD)---that are based on two
stochastic variants of mirror descent and in which nodes collaborate via
approximate averaging of the local, noisy subgradients using distributed
consensus. Our main contributions are (i) bounds on the convergence rates of
D-SAMD and AD-SAMD in terms of the number of nodes, network topology, and ratio
of the data streaming and communication rates, and (ii) sufficient conditions
for order-optimum convergence of these algorithms. In particular, we show that
for sufficiently well-connected networks, distributed learning schemes can
obtain order-optimum convergence even if the communications rate is small.
Further we find that the use of accelerated methods significantly enlarges the
regime in which order-optimum convergence is achieved; this is in contrast to
the centralized setting, where accelerated methods usually offer only a modest
improvement. Finally, we demonstrate the effectiveness of the proposed
algorithms using numerical experiments.
|
Explaining How a Deep Neural Network Trained with End-to-End Learning
Steers a Car | As part of a complete software stack for autonomous driving, NVIDIA has
created a neural-network-based system, known as PilotNet, which outputs
steering angles given images of the road ahead. PilotNet is trained using road
images paired with the steering angles generated by a human driving a
data-collection car. It derives the necessary domain knowledge by observing
human drivers. This eliminates the need for human engineers to anticipate what
is important in an image and foresee all the necessary rules for safe driving.
Road tests demonstrated that PilotNet can successfully perform lane keeping in
a wide variety of driving conditions, regardless of whether lane markings are
present or not.
The goal of the work described here is to explain what PilotNet learns and
how it makes its decisions. To this end we developed a method for determining
which elements in the road image most influence PilotNet's steering decision.
Results show that PilotNet indeed learns to recognize relevant objects on the
road.
In addition to learning the obvious features such as lane markings, edges of
roads, and other cars, PilotNet learns more subtle features that would be hard
to anticipate and program by engineers, for example, bushes lining the edge of
the road and atypical vehicle classes.
|
From Language to Programs: Bridging Reinforcement Learning and Maximum
Marginal Likelihood | Our goal is to learn a semantic parser that maps natural language utterances
into executable programs when only indirect supervision is available: examples
are labeled with the correct execution result, but not the program itself.
Consequently, we must search the space of programs for those that output the
correct result, while not being misled by spurious programs: incorrect programs
that coincidentally output the correct result. We connect two common learning
paradigms, reinforcement learning (RL) and maximum marginal likelihood (MML),
and then present a new learning algorithm that combines the strengths of both.
The new algorithm guards against spurious programs by combining the systematic
search traditionally employed in MML with the randomized exploration of RL, and
by updating parameters such that probability is spread more evenly across
consistent programs. We apply our learning algorithm to a new neural semantic
parser and show significant gains over existing state-of-the-art results on a
recent context-dependent semantic parsing task.
|
An ensemble-based online learning algorithm for streaming data | In this study, we introduce an ensemble-based approach for online machine
learning. The ensemble of base classifiers in our approach is obtained by
learning Naive Bayes classifiers on different training sets which are generated
by projecting the original training set to lower dimensional space. We propose
a mechanism to learn sequences of data using data chunks paradigm. The
experiments conducted on a number of UCI datasets and one synthetic dataset
demonstrate that the proposed approach performs significantly better than some
well-known online learning algorithms.
|
Reward Maximization Under Uncertainty: Leveraging Side-Observations on
Networks | We study the stochastic multi-armed bandit (MAB) problem in the presence of
side-observations across actions that occur as a result of an underlying
network structure. In our model, a bipartite graph captures the relationship
between actions and a common set of unknowns such that choosing an action
reveals observations for the unknowns that it is connected to. This models a
common scenario in online social networks where users respond to their friends'
activity, thus providing side information about each other's preferences. Our
contributions are as follows: 1) We derive an asymptotic lower bound (with
respect to time) as a function of the bi-partite network structure on the
regret of any uniformly good policy that achieves the maximum long-term average
reward. 2) We propose two policies - a randomized policy; and a policy based on
the well-known upper confidence bound (UCB) policies - both of which explore
each action at a rate that is a function of its network position. We show,
under mild assumptions, that these policies achieve the asymptotic lower bound
on the regret up to a multiplicative factor, independent of the network
structure. Finally, we use numerical examples on a real-world social network
and a routing example network to demonstrate the benefits obtained by our
policies over other existing policies.
|
Linear Convergence of Accelerated Stochastic Gradient Descent for
Nonconvex Nonsmooth Optimization | In this paper, we study the stochastic gradient descent (SGD) method for the
nonconvex nonsmooth optimization, and propose an accelerated SGD method by
combining the variance reduction technique with Nesterov's extrapolation
technique. Moreover, based on the local error bound condition, we establish the
linear convergence of our method to obtain a stationary point of the nonconvex
optimization. In particular, we prove that not only the sequence generated
linearly converges to a stationary point of the problem, but also the
corresponding sequence of objective values is linearly convergent. Finally,
some numerical experiments demonstrate the effectiveness of our method. To the
best of our knowledge, it is first proved that the accelerated SGD method
converges linearly to the local minimum of the nonconvex optimization.
|
A Flexible Framework for Hypothesis Testing in High-dimensions | Hypothesis testing in the linear regression model is a fundamental
statistical problem. We consider linear regression in the high-dimensional
regime where the number of parameters exceeds the number of samples ($p> n$).
In order to make informative inference, we assume that the model is
approximately sparse, that is the effect of covariates on the response can be
well approximated by conditioning on a relatively small number of covariates
whose identities are unknown. We develop a framework for testing very general
hypotheses regarding the model parameters. Our framework encompasses testing
whether the parameter lies in a convex cone, testing the signal strength, and
testing arbitrary functionals of the parameter. We show that the proposed
procedure controls the type I error, and also analyze the power of the
procedure. Our numerical experiments confirm our theoretical findings and
demonstrate that we control false positive rate (type I error) near the nominal
level, and have high power. By duality between hypotheses testing and
confidence intervals, the proposed framework can be used to obtain valid
confidence intervals for various functionals of the model parameters. For
linear functionals, the length of confidence intervals is shown to be minimax
rate optimal.
|
On Improving Deep Reinforcement Learning for POMDPs | Deep Reinforcement Learning (RL) recently emerged as one of the most
competitive approaches for learning in sequential decision making problems with
fully observable environments, e.g., computer Go. However, very little work has
been done in deep RL to handle partially observable environments. We propose a
new architecture called Action-specific Deep Recurrent Q-Network (ADRQN) to
enhance learning performance in partially observable domains. Actions are
encoded by a fully connected layer and coupled with a convolutional observation
to form an action-observation pair. The time series of action-observation pairs
are then integrated by an LSTM layer that learns latent states based on which a
fully connected layer computes Q-values as in conventional Deep Q-Networks
(DQNs). We demonstrate the effectiveness of our new architecture in several
partially observable domains, including flickering Atari games.
|
Training L1-Regularized Models with Orthant-Wise Passive Descent
Algorithms | The $L_1$-regularized models are widely used for sparse regression or
classification tasks. In this paper, we propose the orthant-wise passive
descent algorithm (OPDA) for optimizing $L_1$-regularized models, as an
improved substitute of proximal algorithms, which are the standard tools for
optimizing the models nowadays. OPDA uses a stochastic variance-reduced
gradient (SVRG) to initialize the descent direction, then apply a novel
alignment operator to encourage each element keeping the same sign after one
iteration of update, so the parameter remains in the same orthant as before. It
also explicitly suppresses the magnitude of each element to impose sparsity.
The quasi-Newton update can be utilized to incorporate curvature information
and accelerate the speed. We prove a linear convergence rate for OPDA on
general smooth and strongly-convex loss functions. By conducting experiments on
$L_1$-regularized logistic regression and convolutional neural networks, we
show that OPDA outperforms state-of-the-art stochastic proximal algorithms,
implying a wide range of applications in training sparse models.
|
Deep Text Classification Can be Fooled | In this paper, we present an effective method to craft text adversarial
samples, revealing one important yet underestimated fact that DNN-based text
classifiers are also prone to adversarial sample attack. Specifically,
confronted with different adversarial scenarios, the text items that are
important for classification are identified by computing the cost gradients of
the input (white-box attack) or generating a series of occluded test samples
(black-box attack). Based on these items, we design three perturbation
strategies, namely insertion, modification, and removal, to generate
adversarial samples. The experiment results show that the adversarial samples
generated by our method can successfully fool both state-of-the-art
character-level and word-level DNN-based text classifiers. The adversarial
samples can be perturbed to any desirable classes without compromising their
utilities. At the same time, the introduced perturbation is difficult to be
perceived.
|
The loss surface of deep and wide neural networks | While the optimization problem behind deep neural networks is highly
non-convex, it is frequently observed in practice that training deep networks
seems possible without getting stuck in suboptimal points. It has been argued
that this is the case as all local minima are close to being globally optimal.
We show that this is (almost) true, in fact almost all local minima are
globally optimal, for a fully connected network with squared loss and analytic
activation function given that the number of hidden units of one layer of the
network is larger than the number of training points and the network structure
from this layer on is pyramidal.
|
Exploiting random projections and sparsity with random forests and
gradient boosting methods -- Application to multi-label and multi-output
learning, random forest model compression and leveraging input sparsity | Within machine learning, the supervised learning field aims at modeling the
input-output relationship of a system, from past observations of its behavior.
Decision trees characterize the input-output relationship through a series of
nested $if-then-else$ questions, the testing nodes, leading to a set of
predictions, the leaf nodes. Several of such trees are often combined together
for state-of-the-art performance: random forest ensembles average the
predictions of randomized decision trees trained independently in parallel,
while tree boosting ensembles train decision trees sequentially to refine the
predictions made by the previous ones. The emergence of new applications
requires scalable supervised learning algorithms in terms of computational
power and memory space with respect to the number of inputs, outputs, and
observations without sacrificing accuracy. In this thesis, we identify three
main areas where decision tree methods could be improved for which we provide
and evaluate original algorithmic solutions: (i) learning over high dimensional
output spaces, (ii) learning with large sample datasets and stringent memory
constraints at prediction time and (iii) learning over high dimensional sparse
input spaces.
|
Understanding the Feedforward Artificial Neural Network Model From the
Perspective of Network Flow | In recent years, deep learning based on artificial neural network (ANN) has
achieved great success in pattern recognition. However, there is no clear
understanding of such neural computational models. In this paper, we try to
unravel "black-box" structure of Ann model from network flow. Specifically, we
consider the feed forward Ann as a network flow model, which consists of many
directional class-pathways. Each class-pathway encodes one class. The
class-pathway of a class is obtained by connecting the activated neural nodes
in each layer from input to output, where activation value of neural node
(node-value) is defined by the weights of each layer in a trained
ANN-classifier. From the perspective of the class-pathway, training an
ANN-classifier can be regarded as the formulation process of class-pathways of
different classes. By analyzing the the distances of each two class-pathways in
a trained ANN-classifiers, we try to answer the questions, why the classifier
performs so? At last, from the neural encodes view, we define the importance of
each neural node through the class-pathways, which is helpful to optimize the
structure of a classifier. Experiments for two types of ANN model including
multi-layer MLP and CNN verify that the network flow based on class-pathway is
a reasonable explanation for ANN models.
|
A Recurrent Neural Model with Attention for the Recognition of Chinese
Implicit Discourse Relations | We introduce an attention-based Bi-LSTM for Chinese implicit discourse
relations and demonstrate that modeling argument pairs as a joint sequence can
outperform word order-agnostic approaches. Our model benefits from a partial
sampling scheme and is conceptually simple, yet achieves state-of-the-art
performance on the Chinese Discourse Treebank. We also visualize its attention
activity to illustrate the model's ability to selectively focus on the relevant
parts of an input sequence.
|
Multimodal MRI brain tumor segmentation using random forests with
features learned from fully convolutional neural network | In this paper, we propose a novel learning based method for automated
segmenta-tion of brain tumor in multimodal MRI images. The machine learned
features from fully convolutional neural network (FCN) and hand-designed texton
fea-tures are used to classify the MRI image voxels. The score map with
pixel-wise predictions is used as a feature map which is learned from
multimodal MRI train-ing dataset using the FCN. The learned features are then
applied to random for-ests to classify each MRI image voxel into normal brain
tissues and different parts of tumor. The method was evaluated on BRATS 2013
challenge dataset. The results show that the application of the random forest
classifier to multimodal MRI images using machine-learned features based on FCN
and hand-designed features based on textons provides promising segmentations.
The Dice overlap measure for automatic brain tumor segmentation against ground
truth is 0.88, 080 and 0.73 for complete tumor, core and enhancing tumor,
respectively.
|
A Generalization of Convolutional Neural Networks to Graph-Structured
Data | This paper introduces a generalization of Convolutional Neural Networks
(CNNs) from low-dimensional grid data, such as images, to graph-structured
data. We propose a novel spatial convolution utilizing a random walk to uncover
the relations within the input, analogous to the way the standard convolution
uses the spatial neighborhood of a pixel on the grid. The convolution has an
intuitive interpretation, is efficient and scalable and can also be used on
data with varying graph structure. Furthermore, this generalization can be
applied to many standard regression or classification problems, by learning the
the underlying graph. We empirically demonstrate the performance of the
proposed CNN on MNIST, and challenge the state-of-the-art on Merck molecular
activity data set.
|
Accelerating Stochastic Gradient Descent For Least Squares Regression | There is widespread sentiment that it is not possible to effectively utilize
fast gradient methods (e.g. Nesterov's acceleration, conjugate gradient, heavy
ball) for the purposes of stochastic optimization due to their instability and
error accumulation, a notion made precise in d'Aspremont 2008 and Devolder,
Glineur, and Nesterov 2014. This work considers these issues for the special
case of stochastic approximation for the least squares regression problem, and
our main result refutes the conventional wisdom by showing that acceleration
can be made robust to statistical errors. In particular, this work introduces
an accelerated stochastic gradient method that provably achieves the minimax
optimal statistical risk faster than stochastic gradient descent. Critical to
the analysis is a sharp characterization of accelerated stochastic gradient
descent as a stochastic process. We hope this characterization gives insights
towards the broader question of designing simple and effective accelerated
stochastic methods for more general convex and non-convex optimization
problems.
|
C-VQA: A Compositional Split of the Visual Question Answering (VQA) v1.0
Dataset | Visual Question Answering (VQA) has received a lot of attention over the past
couple of years. A number of deep learning models have been proposed for this
task. However, it has been shown that these models are heavily driven by
superficial correlations in the training data and lack compositionality -- the
ability to answer questions about unseen compositions of seen concepts. This
compositionality is desirable and central to intelligence. In this paper, we
propose a new setting for Visual Question Answering where the test
question-answer pairs are compositionally novel compared to training
question-answer pairs. To facilitate developing models under this setting, we
present a new compositional split of the VQA v1.0 dataset, which we call
Compositional VQA (C-VQA). We analyze the distribution of questions and answers
in the C-VQA splits. Finally, we evaluate several existing VQA models under
this new setting and show that the performances of these models degrade by a
significant amount compared to the original VQA setting.
|
Relative Error Tensor Low Rank Approximation | We consider relative error low rank approximation of $tensors$ with respect
to the Frobenius norm: given an order-$q$ tensor $A \in
\mathbb{R}^{\prod_{i=1}^q n_i}$, output a rank-$k$ tensor $B$ for which
$\|A-B\|_F^2 \leq (1+\epsilon)$OPT, where OPT $= \inf_{\textrm{rank-}k~A'}
\|A-A'\|_F^2$. Despite the success on obtaining relative error low rank
approximations for matrices, no such results were known for tensors. One
structural issue is that there may be no rank-$k$ tensor $A_k$ achieving the
above infinum. Another, computational issue, is that an efficient relative
error low rank approximation algorithm for tensors would allow one to compute
the rank of a tensor, which is NP-hard. We bypass these issues via (1)
bicriteria and (2) parameterized complexity solutions:
(1) We give an algorithm which outputs a rank $k' = O((k/\epsilon)^{q-1})$
tensor $B$ for which $\|A-B\|_F^2 \leq (1+\epsilon)$OPT in $nnz(A) + n \cdot
\textrm{poly}(k/\epsilon)$ time in the real RAM model. Here $nnz(A)$ is the
number of non-zero entries in $A$.
(2) We give an algorithm for any $\delta >0$ which outputs a rank $k$ tensor
$B$ for which $\|A-B\|_F^2 \leq (1+\epsilon)$OPT and runs in $ ( nnz(A) + n
\cdot \textrm{poly}(k/\epsilon) + \exp(k^2/\epsilon) ) \cdot n^\delta$ time in
the unit cost RAM model.
For outputting a rank-$k$ tensor, or even a bicriteria solution with
rank-$Ck$ for a certain constant $C > 1$, we show a $2^{\Omega(k^{1-o(1)})}$
time lower bound under the Exponential Time Hypothesis.
Our results give the first relative error low rank approximations for tensors
for a large number of robust error measures for which nothing was known, as
well as column row and tube subset selection. We also obtain new results for
matrices, such as $nnz(A)$-time CUR decompositions, improving previous
$nnz(A)\log n$-time algorithms, which may be of independent interest.
|
Pruning variable selection ensembles | In the context of variable selection, ensemble learning has gained increasing
interest due to its great potential to improve selection accuracy and to reduce
false discovery rate. A novel ordering-based selective ensemble learning
strategy is designed in this paper to obtain smaller but more accurate
ensembles. In particular, a greedy sorting strategy is proposed to rearrange
the order by which the members are included into the integration process.
Through stopping the fusion process early, a smaller subensemble with higher
selection accuracy can be obtained. More importantly, the sequential inclusion
criterion reveals the fundamental strength-diversity trade-off among ensemble
members. By taking stability selection (abbreviated as StabSel) as an example,
some experiments are conducted with both simulated and real-world data to
examine the performance of the novel algorithm. Experimental results
demonstrate that pruned StabSel generally achieves higher selection accuracy
and lower false discovery rates than StabSel and several other benchmark
methods.
|
Spectral Ergodicity in Deep Learning Architectures via Surrogate Random
Matrices | In this work a novel method to quantify spectral ergodicity for random
matrices is presented. The new methodology combines approaches rooted in the
metrics of Thirumalai-Mountain (TM) and Kullbach-Leibler (KL) divergence. The
method is applied to a general study of deep and recurrent neural networks via
the analysis of random matrix ensembles mimicking typical weight matrices of
those systems. In particular, we examine circular random matrix ensembles:
circular unitary ensemble (CUE), circular orthogonal ensemble (COE), and
circular symplectic ensemble (CSE). Eigenvalue spectra and spectral ergodicity
are computed for those ensembles as a function of network size. It is observed
that as the matrix size increases the level of spectral ergodicity of the
ensemble rises, i.e., the eigenvalue spectra obtained for a single realisation
at random from the ensemble is closer to the spectra obtained averaging over
the whole ensemble. Based on previous results we conjecture that success of
deep learning architectures is strongly bound to the concept of spectral
ergodicity. The method to compute spectral ergodicity proposed in this work
could be used to optimise the size and architecture of deep as well as
recurrent neural networks.
|
Limits of End-to-End Learning | End-to-end learning refers to training a possibly complex learning system by
applying gradient-based learning to the system as a whole. End-to-end learning
system is specifically designed so that all modules are differentiable. In
effect, not only a central learning machine, but also all "peripheral" modules
like representation learning and memory formation are covered by a holistic
learning process. The power of end-to-end learning has been demonstrated on
many tasks, like playing a whole array of Atari video games with a single
architecture. While pushing for solutions to more challenging tasks, network
architectures keep growing more and more complex.
In this paper we ask the question whether and to what extent end-to-end
learning is a future-proof technique in the sense of scaling to complex and
diverse data processing architectures. We point out potential inefficiencies,
and we argue in particular that end-to-end learning does not make optimal use
of the modular design of present neural networks. Our surprisingly simple
experiments demonstrate these inefficiencies, up to the complete breakdown of
learning.
|
Identifying Similarities in Epileptic Patients for Drug Resistance
Prediction | Currently, approximately 30% of epileptic patients treated with antiepileptic
drugs (AEDs) remain resistant to treatment (known as refractory patients). This
project seeks to understand the underlying similarities in refractory patients
vs. other epileptic patients, identify features contributing to drug resistance
across underlying phenotypes for refractory patients, and develop predictive
models for drug resistance in epileptic patients. In this study, epileptic
patient data was examined to attempt to observe discernable similarities or
differences in refractory patients (case) and other non-refractory patients
(control) to map underlying mechanisms in causality. For the first part of the
study, unsupervised algorithms such as Kmeans, Spectral Clustering, and
Gaussian Mixture Models were used to examine patient features projected into a
lower dimensional space. Results from this study showed a high degree of
non-linearity in the underlying feature space. For the second part of this
study, classification algorithms such as Logistic Regression, Gradient Boosted
Decision Trees, and SVMs, were tested on the reduced-dimensionality features,
with accuracy results of 0.83(+/-0.3) testing using 7 fold cross validation.
Observations of test results indicate using a radial basis function kernel PCA
to reduce features ingested by a Gradient Boosted Decision Tree Ensemble lead
to gains in improved accuracy in mapping a binary decision to highly non-linear
features collected from epileptic patients.
|
A New Type of Neurons for Machine Learning | In machine learning, the use of an artificial neural network is the
mainstream approach. Such a network consists of layers of neurons. These
neurons are of the same type characterized by the two features: (1) an inner
product of an input vector and a matching weighting vector of trainable
parameters and (2) a nonlinear excitation function. Here we investigate the
possibility of replacing the inner product with a quadratic function of the
input vector, thereby upgrading the 1st order neuron to the 2nd order neuron,
empowering individual neurons, and facilitating the optimization of neural
networks. Also, numerical examples are provided to illustrate the feasibility
and merits of the 2nd order neurons. Finally, further topics are discussed.
|
Large-scale Feature Selection of Risk Genetic Factors for Alzheimer's
Disease via Distributed Group Lasso Regression | Genome-wide association studies (GWAS) have achieved great success in the
genetic study of Alzheimer's disease (AD). Collaborative imaging genetics
studies across different research institutions show the effectiveness of
detecting genetic risk factors. However, the high dimensionality of GWAS data
poses significant challenges in detecting risk SNPs for AD. Selecting relevant
features is crucial in predicting the response variable. In this study, we
propose a novel Distributed Feature Selection Framework (DFSF) to conduct the
large-scale imaging genetics studies across multiple institutions. To speed up
the learning process, we propose a family of distributed group Lasso screening
rules to identify irrelevant features and remove them from the optimization.
Then we select the relevant group features by performing the group Lasso
feature selection process in a sequence of parameters. Finally, we employ the
stability selection to rank the top risk SNPs that might help detect the early
stage of AD. To the best of our knowledge, this is the first distributed
feature selection model integrated with group Lasso feature selection as well
as detecting the risk genetic factors across multiple research institutions
system. Empirical studies are conducted on 809 subjects with 5.9 million SNPs
which are distributed across several individual institutions, demonstrating the
efficiency and effectiveness of the proposed method.
|
Multimodal Word Distributions | Word embeddings provide point representations of words containing useful
semantic information. We introduce multimodal word distributions formed from
Gaussian mixtures, for multiple word meanings, entailment, and rich uncertainty
information. To learn these distributions, we propose an energy-based
max-margin objective. We show that the resulting approach captures uniquely
expressive semantic information, and outperforms alternatives, such as word2vec
skip-grams, and Gaussian embeddings, on benchmark datasets such as word
similarity and entailment.
|
DeepCCI: End-to-end Deep Learning for Chemical-Chemical Interaction
Prediction | Chemical-chemical interaction (CCI) plays a key role in predicting candidate
drugs, toxicity, therapeutic effects, and biological functions. In various
types of chemical analyses, computational approaches are often required due to
the amount of data that needs to be handled. The recent remarkable growth and
outstanding performance of deep learning have attracted considerable research
attention. However,even in state-of-the-art drug analysis methods, deep
learning continues to be used only as a classifier, although deep learning is
capable of not only simple classification but also automated feature
extraction. In this paper, we propose the first end-to-end learning method for
CCI, named DeepCCI. Hidden features are derived from a simplified molecular
input line entry system (SMILES), which is a string notation representing the
chemical structure, instead of learning from crafted features. To discover
hidden representations for the SMILES strings, we use convolutional neural
networks (CNNs). To guarantee the commutative property for homogeneous
interaction, we apply model sharing and hidden representation merging
techniques. The performance of DeepCCI was compared with a plain deep
classifier and conventional machine learning methods. The proposed DeepCCI
showed the best performance in all seven evaluation metrics used. In addition,
the commutative property was experimentally validated. The automatically
extracted features through end-to-end SMILES learning alleviates the
significant efforts required for manual feature engineering. It is expected to
improve prediction performance, in drug analyses.
|
DNA Steganalysis Using Deep Recurrent Neural Networks | Recent advances in next-generation sequencing technologies have facilitated
the use of deoxyribonucleic acid (DNA) as a novel covert channels in
steganography. There are various methods that exist in other domains to detect
hidden messages in conventional covert channels. However, they have not been
applied to DNA steganography. The current most common detection approaches,
namely frequency analysis-based methods, often overlook important signals when
directly applied to DNA steganography because those methods depend on the
distribution of the number of sequence characters. To address this limitation,
we propose a general sequence learning-based DNA steganalysis framework. The
proposed approach learns the intrinsic distribution of coding and non-coding
sequences and detects hidden messages by exploiting distribution variations
after hiding these messages. Using deep recurrent neural networks (RNNs), our
framework identifies the distribution variations by using the classification
score to predict whether a sequence is to be a coding or non-coding sequence.
We compare our proposed method to various existing methods and biological
sequence analysis methods implemented on top of our framework. According to our
experimental results, our approach delivers a robust detection performance
compared to other tools.
|
Optimal client recommendation for market makers in illiquid financial
products | The process of liquidity provision in financial markets can result in
prolonged exposure to illiquid instruments for market makers. In this case,
where a proprietary position is not desired, pro-actively targeting the right
client who is likely to be interested can be an effective means to offset this
position, rather than relying on commensurate interest arising through natural
demand. In this paper, we consider the inference of a client profile for the
purpose of corporate bond recommendation, based on typical recorded information
available to the market maker. Given a historical record of corporate bond
transactions and bond meta-data, we use a topic-modelling analogy to develop a
probabilistic technique for compiling a curated list of client recommendations
for a particular bond that needs to be traded, ranked by probability of
interest. We show that a model based on Latent Dirichlet Allocation offers
promising performance to deliver relevant recommendations for sales traders.
|
Complex spectrogram enhancement by convolutional neural network with
multi-metrics learning | This paper aims to address two issues existing in the current speech
enhancement methods: 1) the difficulty of phase estimations; 2) a single
objective function cannot consider multiple metrics simultaneously. To solve
the first problem, we propose a novel convolutional neural network (CNN) model
for complex spectrogram enhancement, namely estimating clean real and imaginary
(RI) spectrograms from noisy ones. The reconstructed RI spectrograms are
directly used to synthesize enhanced speech waveforms. In addition, since
log-power spectrogram (LPS) can be represented as a function of RI
spectrograms, its reconstruction is also considered as another target. Thus a
unified objective function, which combines these two targets (reconstruction of
RI spectrograms and LPS), is equivalent to simultaneously optimizing two
commonly used objective metrics: segmental signal-to-noise ratio (SSNR) and
logspectral distortion (LSD). Therefore, the learning process is called
multi-metrics learning (MML). Experimental results confirm the effectiveness of
the proposed CNN with RI spectrograms and MML in terms of improved standardized
evaluation metrics on a speech enhancement task.
|
EEG-Based User Reaction Time Estimation Using Riemannian Geometry
Features | Riemannian geometry has been successfully used in many brain-computer
interface (BCI) classification problems and demonstrated superior performance.
In this paper, for the first time, it is applied to BCI regression problems, an
important category of BCI applications. More specifically, we propose a new
feature extraction approach for Electroencephalogram (EEG) based BCI regression
problems: a spatial filter is first used to increase the signal quality of the
EEG trials and also to reduce the dimensionality of the covariance matrices,
and then Riemannian tangent space features are extracted. We validate the
performance of the proposed approach in reaction time estimation from EEG
signals measured in a large-scale sustained-attention psychomotor vigilance
task, and show that compared with the traditional powerband features, the
tangent space features can reduce the root mean square estimation error by
4.30-8.30%, and increase the estimation correlation coefficient by 6.59-11.13%.
|
Learning the structure of Bayesian Networks: A quantitative assessment
of the effect of different algorithmic schemes | One of the most challenging tasks when adopting Bayesian Networks (BNs) is
the one of learning their structure from data. This task is complicated by the
huge search space of possible solutions, and by the fact that the problem is
NP-hard. Hence, full enumeration of all the possible solutions is not always
feasible and approximations are often required. However, to the best of our
knowledge, a quantitative analysis of the performance and characteristics of
the different heuristics to solve this problem has never been done before.
For this reason, in this work, we provide a detailed comparison of many
different state-of-the-arts methods for structural learning on simulated data
considering both BNs with discrete and continuous variables, and with different
rates of noise in the data. In particular, we investigate the performance of
different widespread scores and algorithmic approaches proposed for the
inference and the statistical pitfalls within them.
|
Matrix Completion and Related Problems via Strong Duality | This work studies the strong duality of non-convex matrix factorization
problems: we show that under certain dual conditions, these problems and its
dual have the same optimum. This has been well understood for convex
optimization, but little was known for non-convex problems. We propose a novel
analytical framework and show that under certain dual conditions, the optimal
solution of the matrix factorization program is the same as its bi-dual and
thus the global optimality of the non-convex program can be achieved by solving
its bi-dual which is convex. These dual conditions are satisfied by a wide
class of matrix factorization problems, although matrix factorization problems
are hard to solve in full generality. This analytical framework may be of
independent interest to non-convex optimization more broadly.
We apply our framework to two prototypical matrix factorization problems:
matrix completion and robust Principal Component Analysis (PCA). These are
examples of efficiently recovering a hidden matrix given limited reliable
observations of it. Our framework shows that exact recoverability and strong
duality hold with nearly-optimal sample complexity guarantees for matrix
completion and robust PCA.
|
A Siamese Deep Forest | A Siamese Deep Forest (SDF) is proposed in the paper. It is based on the Deep
Forest or gcForest proposed by Zhou and Feng and can be viewed as a gcForest
modification. It can be also regarded as an alternative to the well-known
Siamese neural networks. The SDF uses a modified training set consisting of
concatenated pairs of vectors. Moreover, it defines the class distributions in
the deep forest as the weighted sum of the tree class probabilities such that
the weights are determined in order to reduce distances between similar pairs
and to increase them between dissimilar points. We show that the weights can be
obtained by solving a quadratic optimization problem. The SDF aims to prevent
overfitting which takes place in neural networks when only limited training
data are available. The numerical experiments illustrate the proposed distance
metric method.
|
A Network Perspective on Stratification of Multi-Label Data | In the recent years, we have witnessed the development of multi-label
classification methods which utilize the structure of the label space in a
divide and conquer approach to improve classification performance and allow
large data sets to be classified efficiently. Yet most of the available data
sets have been provided in train/test splits that did not account for
maintaining a distribution of higher-order relationships between labels among
splits or folds. We present a new approach to stratifying multi-label data for
classification purposes based on the iterative stratification approach proposed
by Sechidis et. al. in an ECML PKDD 2011 paper. Our method extends the
iterative approach to take into account second-order relationships between
labels. Obtained results are evaluated using statistical properties of obtained
strata as presented by Sechidis. We also propose new statistical measures
relevant to second-order quality: label pairs distribution, the percentage of
label pairs without positive evidence in folds and label pair - fold pairs that
have no positive evidence for the label pair. We verify the impact of new
methods on classification performance of Binary Relevance, Label Powerset and a
fast greedy community detection based label space partitioning classifier.
Random Forests serve as base classifiers. We check the variation of the number
of communities obtained per fold, and the stability of their modularity score.
Second-Order Iterative Stratification is compared to standard k-fold, label
set, and iterative stratification. The proposed approach lowers the variance of
classification quality, improves label pair oriented measures and example
distribution while maintaining a competitive quality in label-oriented
measures. We also witness an increase in stability of network characteristics.
|
Deep Face Deblurring | Blind deblurring consists a long studied task, however the outcomes of
generic methods are not effective in real world blurred images. Domain-specific
methods for deblurring targeted object categories, e.g. text or faces,
frequently outperform their generic counterparts, hence they are attracting an
increasing amount of attention. In this work, we develop such a domain-specific
method to tackle deblurring of human faces, henceforth referred to as face
deblurring. Studying faces is of tremendous significance in computer vision,
however face deblurring has yet to demonstrate some convincing results. This
can be partly attributed to the combination of i) poor texture and ii) highly
structure shape that yield the contour/gradient priors (that are typically
used) sub-optimal. In our work instead of making assumptions over the prior, we
adopt a learning approach by inserting weak supervision that exploits the
well-documented structure of the face. Namely, we utilise a deep network to
perform the deblurring and employ a face alignment technique to pre-process
each face. We additionally surpass the requirement of the deep network for
thousands training samples, by introducing an efficient framework that allows
the generation of a large dataset. We utilised this framework to create 2MF2, a
dataset of over two million frames. We conducted experiments with real world
blurred facial images and report that our method returns a result close to the
sharp natural latent image.
|
Learning Quadratic Variance Function (QVF) DAG models via OverDispersion
Scoring (ODS) | Learning DAG or Bayesian network models is an important problem in
multi-variate causal inference. However, a number of challenges arises in
learning large-scale DAG models including model identifiability and
computational complexity since the space of directed graphs is huge. In this
paper, we address these issues in a number of steps for a broad class of DAG
models where the noise or variance is signal-dependent. Firstly we introduce a
new class of identifiable DAG models, where each node has a distribution where
the variance is a quadratic function of the mean (QVF DAG models). Our QVF DAG
models include many interesting classes of distributions such as Poisson,
Binomial, Geometric, Exponential, Gamma and many other distributions in which
the noise variance depends on the mean. We prove that this class of QVF DAG
models is identifiable, and introduce a new algorithm, the OverDispersion
Scoring (ODS) algorithm, for learning large-scale QVF DAG models. Our algorithm
is based on firstly learning the moralized or undirected graphical model
representation of the DAG to reduce the DAG search-space, and then exploiting
the quadratic variance property to learn the causal ordering. We show through
theoretical results and simulations that our algorithm is statistically
consistent in the high-dimensional p>n setting provided that the degree of the
moralized graph is bounded and performs well compared to state-of-the-art
DAG-learning algorithms.
|
DeepArchitect: Automatically Designing and Training Deep Architectures | In deep learning, performance is strongly affected by the choice of
architecture and hyperparameters. While there has been extensive work on
automatic hyperparameter optimization for simple spaces, complex spaces such as
the space of deep architectures remain largely unexplored. As a result, the
choice of architecture is done manually by the human expert through a slow
trial and error process guided mainly by intuition. In this paper we describe a
framework for automatically designing and training deep models. We propose an
extensible and modular language that allows the human expert to compactly
represent complex search spaces over architectures and their hyperparameters.
The resulting search spaces are tree-structured and therefore easy to traverse.
Models can be automatically compiled to computational graphs once values for
all hyperparameters have been chosen. We can leverage the structure of the
search space to introduce different model search algorithms, such as random
search, Monte Carlo tree search (MCTS), and sequential model-based optimization
(SMBO). We present experiments comparing the different algorithms on CIFAR-10
and show that MCTS and SMBO outperform random search. In addition, these
experiments show that our framework can be used effectively for model
discovery, as it is possible to describe expressive search spaces and discover
competitive models without much effort from the human expert. Code for our
framework and experiments has been made publicly available.
|
Risk Stratification of Lung Nodules Using 3D CNN-Based Multi-task
Learning | Risk stratification of lung nodules is a task of primary importance in lung
cancer diagnosis. Any improvement in robust and accurate nodule
characterization can assist in identifying cancer stage, prognosis, and
improving treatment planning. In this study, we propose a 3D Convolutional
Neural Network (CNN) based nodule characterization strategy. With a completely
3D approach, we utilize the volumetric information from a CT scan which would
be otherwise lost in the conventional 2D CNN based approaches. In order to
address the need for a large amount for training data for CNN, we resort to
transfer learning to obtain highly discriminative features. Moreover, we also
acquire the task dependent feature representation for six high-level nodule
attributes and fuse this complementary information via a Multi-task learning
(MTL) framework. Finally, we propose to incorporate potential disagreement
among radiologists while scoring different nodule attributes in a graph
regularized sparse multi-task learning. We evaluated our proposed approach on
one of the largest publicly available lung nodule datasets comprising 1018
scans and obtained state-of-the-art results in regressing the malignancy
scores.
|
Neural Ranking Models with Weak Supervision | Despite the impressive improvements achieved by unsupervised deep neural
networks in computer vision and NLP tasks, such improvements have not yet been
observed in ranking for information retrieval. The reason may be the complexity
of the ranking problem, as it is not obvious how to learn from queries and
documents when no supervised signal is available. Hence, in this paper, we
propose to train a neural ranking model using weak supervision, where labels
are obtained automatically without human annotators or any external resources
(e.g., click data). To this aim, we use the output of an unsupervised ranking
model, such as BM25, as a weak supervision signal. We further train a set of
simple yet effective ranking models based on feed-forward neural networks. We
study their effectiveness under various learning scenarios (point-wise and
pair-wise models) and using different input representations (i.e., from
encoding query-document pairs into dense/sparse vectors to using word embedding
representation). We train our networks using tens of millions of training
instances and evaluate it on two standard collections: a homogeneous news
collection(Robust) and a heterogeneous large-scale web collection (ClueWeb).
Our experiments indicate that employing proper objective functions and letting
the networks to learn the input representation based on weakly supervised data
leads to impressive performance, with over 13% and 35% MAP improvements over
the BM25 model on the Robust and the ClueWeb collections. Our findings also
suggest that supervised neural ranking models can greatly benefit from
pre-training on large amounts of weakly labeled data that can be easily
obtained from unsupervised IR models.
|
A Tribe Competition-Based Genetic Algorithm for Feature Selection in
Pattern Classification | Feature selection has always been a critical step in pattern recognition, in
which evolutionary algorithms, such as the genetic algorithm (GA), are most
commonly used. However, the individual encoding scheme used in various GAs
would either pose a bias on the solution or require a pre-specified number of
features, and hence may lead to less accurate results. In this paper, a tribe
competition-based genetic algorithm (TCbGA) is proposed for feature selection
in pattern classification. The population of individuals is divided into
multiple tribes, and the initialization and evolutionary operations are
modified to ensure that the number of selected features in each tribe follows a
Gaussian distribution. Thus each tribe focuses on exploring a specific part of
the solution space. Meanwhile, tribe competition is introduced to the evolution
process, which allows the winning tribes, which produce better individuals, to
enlarge their sizes, i.e. having more individuals to search their parts of the
solution space. This algorithm, therefore, avoids the bias on solutions and
requirement of a pre-specified number of features. We have evaluated our
algorithm against several state-of-the-art feature selection approaches on 20
benchmark datasets. Our results suggest that the proposed TCbGA algorithm can
identify the optimal feature subset more effectively and produce more accurate
pattern classification.
|
Deep Feature Learning for Graphs | This paper presents a general graph representation learning framework called
DeepGL for learning deep node and edge representations from large (attributed)
graphs. In particular, DeepGL begins by deriving a set of base features (e.g.,
graphlet features) and automatically learns a multi-layered hierarchical graph
representation where each successive layer leverages the output from the
previous layer to learn features of a higher-order. Contrary to previous work,
DeepGL learns relational functions (each representing a feature) that
generalize across-networks and therefore useful for graph-based transfer
learning tasks. Moreover, DeepGL naturally supports attributed graphs, learns
interpretable features, and is space-efficient (by learning sparse feature
vectors). In addition, DeepGL is expressive, flexible with many interchangeable
components, efficient with a time complexity of $\mathcal{O}(|E|)$, and
scalable for large networks via an efficient parallel implementation. Compared
with the state-of-the-art method, DeepGL is (1) effective for across-network
transfer learning tasks and attributed graph representation learning, (2)
space-efficient requiring up to 6x less memory, (3) fast with up to 182x
speedup in runtime performance, and (4) accurate with an average improvement of
20% or more on many learning tasks.
|
Parseval Networks: Improving Robustness to Adversarial Examples | We introduce Parseval networks, a form of deep neural networks in which the
Lipschitz constant of linear, convolutional and aggregation layers is
constrained to be smaller than 1. Parseval networks are empirically and
theoretically motivated by an analysis of the robustness of the predictions
made by deep neural networks when their input is subject to an adversarial
perturbation. The most important feature of Parseval networks is to maintain
weight matrices of linear and convolutional layers to be (approximately)
Parseval tight frames, which are extensions of orthogonal matrices to
non-square matrices. We describe how these constraints can be maintained
efficiently during SGD. We show that Parseval networks match the
state-of-the-art in terms of accuracy on CIFAR-10/100 and Street View House
Numbers (SVHN) while being more robust than their vanilla counterpart against
adversarial examples. Incidentally, Parseval networks also tend to train faster
and make a better usage of the full capacity of the networks.
|
On weight initialization in deep neural networks | A proper initialization of the weights in a neural network is critical to its
convergence. Current insights into weight initialization come primarily from
linear activation functions. In this paper, I develop a theory for weight
initializations with non-linear activations. First, I derive a general weight
initialization strategy for any neural network using activation functions
differentiable at 0. Next, I derive the weight initialization strategy for the
Rectified Linear Unit (RELU), and provide theoretical insights into why the
Xavier initialization is a poor choice with RELU activations. My analysis
provides a clear demonstration of the role of non-linearities in determining
the proper weight initializations.
|
Traffic Light Control Using Deep Policy-Gradient and Value-Function
Based Reinforcement Learning | Recent advances in combining deep neural network architectures with
reinforcement learning techniques have shown promising potential results in
solving complex control problems with high dimensional state and action spaces.
Inspired by these successes, in this paper, we build two kinds of reinforcement
learning algorithms: deep policy-gradient and value-function based agents which
can predict the best possible traffic signal for a traffic intersection. At
each time step, these adaptive traffic light control agents receive a snapshot
of the current state of a graphical traffic simulator and produce control
signals. The policy-gradient based agent maps its observation directly to the
control signal, however the value-function based agent first estimates values
for all legal control signals. The agent then selects the optimal control
action with the highest value. Our methods show promising results in a traffic
network simulated in the SUMO traffic simulator, without suffering from
instability issues during the training process.
|
Adaptation and learning over networks for nonlinear system modeling | In this chapter, we analyze nonlinear filtering problems in distributed
environments, e.g., sensor networks or peer-to-peer protocols. In these
scenarios, the agents in the environment receive measurements in a streaming
fashion, and they are required to estimate a common (nonlinear) model by
alternating local computations and communications with their neighbors. We
focus on the important distinction between single-task problems, where the
underlying model is common to all agents, and multitask problems, where each
agent might converge to a different model due to, e.g., spatial dependencies or
other factors. Currently, most of the literature on distributed learning in the
nonlinear case has focused on the single-task case, which may be a strong
limitation in real-world scenarios. After introducing the problem and reviewing
the existing approaches, we describe a simple kernel-based algorithm tailored
for the multitask case. We evaluate the proposal on a simulated benchmark task,
and we conclude by detailing currently open problems and lines of research.
|
Past, Present, Future: A Computational Investigation of the Typology of
Tense in 1000 Languages | We present SuperPivot, an analysis method for low-resource languages that
occur in a superparallel corpus, i.e., in a corpus that contains an order of
magnitude more languages than parallel corpora currently in use. We show that
SuperPivot performs well for the crosslingual analysis of the linguistic
phenomenon of tense. We produce analysis results for more than 1000 languages,
conducting - to the best of our knowledge - the largest crosslingual
computational study performed to date. We extend existing methodology for
leveraging parallel corpora for typological analysis by overcoming a limiting
assumption of earlier work: We only require that a linguistic feature is
overtly marked in a few of thousands of languages as opposed to requiring that
it be marked in all languages under investigation.
|
Mostly Exploration-Free Algorithms for Contextual Bandits | The contextual bandit literature has traditionally focused on algorithms that
address the exploration-exploitation tradeoff. In particular, greedy algorithms
that exploit current estimates without any exploration may be sub-optimal in
general. However, exploration-free greedy algorithms are desirable in practical
settings where exploration may be costly or unethical (e.g., clinical trials).
Surprisingly, we find that a simple greedy algorithm can be rate optimal
(achieves asymptotically optimal regret) if there is sufficient randomness in
the observed contexts (covariates). We prove that this is always the case for a
two-armed bandit under a general class of context distributions that satisfy a
condition we term covariate diversity. Furthermore, even absent this condition,
we show that a greedy algorithm can be rate optimal with positive probability.
Thus, standard bandit algorithms may unnecessarily explore. Motivated by these
results, we introduce Greedy-First, a new algorithm that uses only observed
contexts and rewards to determine whether to follow a greedy algorithm or to
explore. We prove that this algorithm is rate optimal without any additional
assumptions on the context distribution or the number of arms. Extensive
simulations demonstrate that Greedy-First successfully reduces exploration and
outperforms existing (exploration-based) contextual bandit algorithms such as
Thompson sampling or upper confidence bound (UCB).
|
Time-Sensitive Bandit Learning and Satisficing Thompson Sampling | The literature on bandit learning and regret analysis has focused on contexts
where the goal is to converge on an optimal action in a manner that limits
exploration costs. One shortcoming imposed by this orientation is that it does
not treat time preference in a coherent manner. Time preference plays an
important role when the optimal action is costly to learn relative to
near-optimal actions. This limitation has not only restricted the relevance of
theoretical results but has also influenced the design of algorithms. Indeed,
popular approaches such as Thompson sampling and UCB can fare poorly in such
situations. In this paper, we consider discounted rather than cumulative
regret, where a discount factor encodes time preference. We propose satisficing
Thompson sampling -- a variation of Thompson sampling -- and establish a strong
discounted regret bound for this new algorithm.
|
Random Forest Ensemble of Support Vector Regression Models for Solar
Power Forecasting | To mitigate the uncertainty of variable renewable resources, two
off-the-shelf machine learning tools are deployed to forecast the solar power
output of a solar photovoltaic system. The support vector machines generate the
forecasts and the random forest acts as an ensemble learning method to combine
the forecasts. The common ensemble technique in wind and solar power
forecasting is the blending of meteorological data from several sources. In
this study though, the present and the past solar power forecasts from several
models, as well as the associated meteorological data, are incorporated into
the random forest to combine and improve the accuracy of the day-ahead solar
power forecasts. The performance of the combined model is evaluated over the
entire year and compared with other combining techniques.
|
Deep Multi-view Models for Glitch Classification | Non-cosmic, non-Gaussian disturbances known as "glitches", show up in
gravitational-wave data of the Advanced Laser Interferometer Gravitational-wave
Observatory, or aLIGO. In this paper, we propose a deep multi-view
convolutional neural network to classify glitches automatically. The primary
purpose of classifying glitches is to understand their characteristics and
origin, which facilitates their removal from the data or from the detector
entirely. We visualize glitches as spectrograms and leverage the
state-of-the-art image classification techniques in our model. The suggested
classifier is a multi-view deep neural network that exploits four different
views for classification. The experimental results demonstrate that the
proposed model improves the overall accuracy of the classification compared to
traditional single view algorithms.
|
Cnvlutin2: Ineffectual-Activation-and-Weight-Free Deep Neural Network
Computing | We discuss several modifications and extensions over the previous proposed
Cnvlutin (CNV) accelerator for convolutional and fully-connected layers of Deep
Learning Network. We first describe different encodings of the activations that
are deemed ineffectual. The encodings have different memory overhead and energy
characteristics. We propose using a level of indirection when accessing
activations from memory to reduce their memory footprint by storing only the
effectual activations. We also present a modified organization that detects the
activations that are deemed as ineffectual while fetching them from memory.
This is different than the original design that instead detected them at the
output of the preceding layer. Finally, we present an extended CNV that can
also skip ineffectual weights.
|
Online Learning with Automata-based Expert Sequences | We consider a general framework of online learning with expert advice where
regret is defined with respect to sequences of experts accepted by a weighted
automaton. Our framework covers several problems previously studied, including
competing against k-shifting experts. We give a series of algorithms for this
problem, including an automata-based algorithm extending weighted-majority and
more efficient algorithms based on the notion of failure transitions. We
further present efficient algorithms based on an approximation of the
competitor automaton, in particular n-gram models obtained by minimizing the
\infty-R\'{e}nyi divergence, and present an extensive study of the
approximation properties of such models. Finally, we also extend our algorithms
and results to the framework of sleeping experts.
|
Learning with Changing Features | In this paper we study the setting where features are added or change
interpretation over time, which has applications in multiple domains such as
retail, manufacturing, finance. In particular, we propose an approach to
provably determine the time instant from which the new/changed features start
becoming relevant with respect to an output variable in an agnostic
(supervised) learning setting. We also suggest an efficient version of our
approach which has the same asymptotic performance. Moreover, our theory also
applies when we have more than one such change point. Independent post analysis
of a change point identified by our method for a large retailer revealed that
it corresponded in time with certain unflattering news stories about a brand
that resulted in the change in customer behavior. We also applied our method to
data from an advanced manufacturing plant identifying the time instant from
which downstream features became relevant. To the best of our knowledge this is
the first work that formally studies change point detection in a distribution
independent agnostic setting, where the change point is based on the changing
relationship between input and output.
|
Generalization Guarantees for Multi-item Profit Maximization: Pricing,
Auctions, and Randomized Mechanisms | We study the design of multi-item mechanisms that maximize expected profit
with respect to a distribution over buyers' values. In practice, a full
description of the distribution is typically unavailable. Therefore, we study
the setting where the designer only has samples from the distribution and the
goal is to find a high-profit mechanism within a class of mechanisms. If the
class is complex, a mechanism may have high average profit over the samples but
low expected profit. This raises the question: how many samples are sufficient
to ensure that a mechanism's average profit is close to its expected profit? To
answer this question, we uncover structure shared by many pricing, auction, and
lottery mechanisms: for any set of buyers' values, profit is piecewise linear
in the mechanism's parameters. Using this structure, we prove new bounds for
mechanism classes not yet studied in the sample-based mechanism design
literature and match or improve over the best known guarantees for many
classes. Finally, we provide tools for optimizing an important tradeoff: more
complex mechanisms typically have higher average profit over the samples than
simpler mechanisms, but more samples are required to ensure that average profit
nearly matches expected profit.
|
Multi-dueling Bandits with Dependent Arms | The dueling bandits problem is an online learning framework for learning from
pairwise preference feedback, and is particularly well-suited for modeling
settings that elicit subjective or implicit human feedback. In this paper, we
study the problem of multi-dueling bandits with dependent arms, which extends
the original dueling bandits setting by simultaneously dueling multiple arms as
well as modeling dependencies between arms. These extensions capture key
characteristics found in many real-world applications, and allow for the
opportunity to develop significantly more efficient algorithms than were
possible in the original setting. We propose the \selfsparring algorithm, which
reduces the multi-dueling bandits problem to a conventional bandit setting that
can be solved using a stochastic bandit algorithm such as Thompson Sampling,
and can naturally model dependencies using a Gaussian process prior. We present
a no-regret analysis for multi-dueling setting, and demonstrate the
effectiveness of our algorithm empirically on a wide range of simulation
settings.
|
Tree-Structured Neural Machine for Linguistics-Aware Sentence Generation | Different from other sequential data, sentences in natural language are
structured by linguistic grammars. Previous generative conversational models
with chain-structured decoder ignore this structure in human language and might
generate plausible responses with less satisfactory relevance and fluency. In
this study, we aim to incorporate the results from linguistic analysis into the
process of sentence generation for high-quality conversation generation.
Specifically, we use a dependency parser to transform each response sentence
into a dependency tree and construct a training corpus of sentence-tree pairs.
A tree-structured decoder is developed to learn the mapping from a sentence to
its tree, where different types of hidden states are used to depict the local
dependencies from an internal tree node to its children. For training
acceleration, we propose a tree canonicalization method, which transforms trees
into equivalent ternary trees. Then, with a proposed tree-structured search
method, the model is able to generate the most probable responses in the form
of dependency trees, which are finally flattened into sequences as the system
output. Experimental results demonstrate that the proposed X2Tree framework
outperforms baseline methods over 11.15% increase of acceptance ratio.
|
Scaling Active Search using Linear Similarity Functions | Active Search has become an increasingly useful tool in information retrieval
problems where the goal is to discover as many target elements as possible
using only limited label queries. With the advent of big data, there is a
growing emphasis on the scalability of such techniques to handle very large and
very complex datasets.
In this paper, we consider the problem of Active Search where we are given a
similarity function between data points. We look at an algorithm introduced by
Wang et al. [2013] for Active Search over graphs and propose crucial
modifications which allow it to scale significantly. Their approach selects
points by minimizing an energy function over the graph induced by the
similarity function on the data. Our modifications require the similarity
function to be a dot-product between feature vectors of data points, equivalent
to having a linear kernel for the adjacency matrix. With this, we are able to
scale tremendously: for $n$ data points, the original algorithm runs in
$O(n^2)$ time per iteration while ours runs in only $O(nr + r^2)$ given
$r$-dimensional features.
We also describe a simple alternate approach using a weighted-neighbor
predictor which also scales well. In our experiments, we show that our method
is competitive with existing semi-supervised approaches. We also briefly
discuss conditions under which our algorithm performs well.
|
Stabiliser states are efficiently PAC-learnable | The exponential scaling of the wave function is a fundamental property of
quantum systems with far reaching implications in our ability to process
quantum information. A problem where these are particularly relevant is quantum
state tomography. State tomography, whose objective is to obtain a full
description of a quantum system, can be analysed in the framework of
computational learning theory. In this model, quantum states have been shown to
be Probably Approximately Correct (PAC)-learnable with sample complexity linear
in the number of qubits. However, it is conjectured that in general quantum
states require an exponential amount of computation to be learned. Here, using
results from the literature on the efficient classical simulation of quantum
systems, we show that stabiliser states are efficiently PAC-learnable. Our
results solve an open problem formulated by Aaronson [Proc. R. Soc. A, 2088,
(2007)] and propose learning theory as a tool for exploring the power of
quantum computation.
|
Deep Learning in the Automotive Industry: Applications and Tools | Deep Learning refers to a set of machine learning techniques that utilize
neural networks with many hidden layers for tasks, such as image
classification, speech recognition, language understanding. Deep learning has
been proven to be very effective in these domains and is pervasively used by
many Internet services. In this paper, we describe different automotive uses
cases for deep learning in particular in the domain of computer vision. We
surveys the current state-of-the-art in libraries, tools and infrastructures
(e.\,g.\ GPUs and clouds) for implementing, training and deploying deep neural
networks. We particularly focus on convolutional neural networks and computer
vision use cases, such as the visual inspection process in manufacturing plants
and the analysis of social media data. To train neural networks, curated and
labeled datasets are essential. In particular, both the availability and scope
of such datasets is typically very limited. A main contribution of this paper
is the creation of an automotive dataset, that allows us to learn and
automatically recognize different vehicle properties. We describe an end-to-end
deep learning application utilizing a mobile app for data collection and
process support, and an Amazon-based cloud backend for storage and training.
For training we evaluate the use of cloud and on-premises infrastructures
(including multiple GPUs) in conjunction with different neural network
architectures and frameworks. We assess both the training times as well as the
accuracy of the classifier. Finally, we demonstrate the effectiveness of the
trained classifier in a real world setting during manufacturing process.
|
Scalable Twin Neural Networks for Classification of Unbalanced Data | Twin Support Vector Machines (TWSVMs) have emerged an efficient alternative
to Support Vector Machines (SVM) for learning from imbalanced datasets. The
TWSVM learns two non-parallel classifying hyperplanes by solving a couple of
smaller sized problems. However, it is unsuitable for large datasets, as it
involves matrix operations. In this paper, we discuss a Twin Neural Network
(Twin NN) architecture for learning from large unbalanced datasets. The Twin NN
also learns an optimal feature map, allowing for better discrimination between
classes. We also present an extension of this network architecture for
multiclass datasets. Results presented in the paper demonstrate that the Twin
NN generalizes well and scales well on large unbalanced datasets.
|
Targeted matrix completion | Matrix completion is a problem that arises in many data-analysis settings
where the input consists of a partially-observed matrix (e.g., recommender
systems, traffic matrix analysis etc.). Classical approaches to matrix
completion assume that the input partially-observed matrix is low rank. The
success of these methods depends on the number of observed entries and the rank
of the matrix; the larger the rank, the more entries need to be observed in
order to accurately complete the matrix. In this paper, we deal with matrices
that are not necessarily low rank themselves, but rather they contain low-rank
submatrices. We propose Targeted, which is a general framework for completing
such matrices. In this framework, we first extract the low-rank submatrices and
then apply a matrix-completion algorithm to these low-rank submatrices as well
as the remainder matrix separately. Although for the completion itself we use
state-of-the-art completion methods, our results demonstrate that Targeted
achieves significantly smaller reconstruction errors than other classical
matrix-completion methods. One of the key technical contributions of the paper
lies in the identification of the low-rank submatrices from the input
partially-observed matrices.
|
Matrix completion with queries | In many applications, e.g., recommender systems and traffic monitoring, the
data comes in the form of a matrix that is only partially observed and low
rank. A fundamental data-analysis task for these datasets is matrix completion,
where the goal is to accurately infer the entries missing from the matrix. Even
when the data satisfies the low-rank assumption, classical matrix-completion
methods may output completions with significant error -- in that the
reconstructed matrix differs significantly from the true underlying matrix.
Often, this is due to the fact that the information contained in the observed
entries is insufficient. In this work, we address this problem by proposing an
active version of matrix completion, where queries can be made to the true
underlying matrix. Subsequently, we design Order&Extend, which is the first
algorithm to unify a matrix-completion approach and a querying strategy into a
single algorithm. Order&Extend is able identify and alleviate insufficient
information by judiciously querying a small number of additional entries. In an
extensive experimental evaluation on real-world datasets, we demonstrate that
our algorithm is efficient and is able to accurately reconstruct the true
matrix while asking only a small number of queries.
|
Spectrum Monitoring for Radar Bands using Deep Convolutional Neural
Networks | In this paper, we present a spectrum monitoring framework for the detection
of radar signals in spectrum sharing scenarios. The core of our framework is a
deep convolutional neural network (CNN) model that enables Measurement Capable
Devices to identify the presence of radar signals in the radio spectrum, even
when these signals are overlapped with other sources of interference, such as
commercial LTE and WLAN. We collected a large dataset of RF measurements, which
include the transmissions of multiple radar pulse waveforms, downlink LTE,
WLAN, and thermal noise. We propose a pre-processing data representation that
leverages the amplitude and phase shifts of the collected samples. This
representation allows our CNN model to achieve a classification accuracy of
99.6% on our testing dataset. The trained CNN model is then tested under
various SNR values, outperforming other models, such as spectrogram-based CNN
models.
|
A Riemannian gossip approach to subspace learning on Grassmann manifold | In this paper, we focus on subspace learning problems on the Grassmann
manifold. Interesting applications in this setting include low-rank matrix
completion and low-dimensional multivariate regression, among others. Motivated
by privacy concerns, we aim to solve such problems in a decentralized setting
where multiple agents have access to (and solve) only a part of the whole
optimization problem. The agents communicate with each other to arrive at a
consensus, i.e., agree on a common quantity, via the gossip protocol.
We propose a novel cost function for subspace learning on the Grassmann
manifold, which is a weighted sum of several sub-problems (each solved by an
agent) and the communication cost among the agents. The cost function has a
finite sum structure. In the proposed modeling approach, different agents learn
individual local subspace but they achieve asymptotic consensus on the global
learned subspace. The approach is scalable and parallelizable. Numerical
experiments show the efficacy of the proposed decentralized algorithms on
various matrix completion and multivariate regression benchmarks.
|
Learning Multimodal Transition Dynamics for Model-Based Reinforcement
Learning | In this paper we study how to learn stochastic, multimodal transition
dynamics in reinforcement learning (RL) tasks. We focus on evaluating
transition function estimation, while we defer planning over this model to
future work. Stochasticity is a fundamental property of many task environments.
However, discriminative function approximators have difficulty estimating
multimodal stochasticity. In contrast, deep generative models do capture
complex high-dimensional outcome distributions. First we discuss why, amongst
such models, conditional variational inference (VI) is theoretically most
appealing for model-based RL. Subsequently, we compare different VI models on
their ability to learn complex stochasticity on simulated functions, as well as
on a typical RL gridworld with multimodal dynamics. Results show VI
successfully predicts multimodal outcomes, but also robustly ignores these for
deterministic parts of the transition dynamics. In summary, we show a robust
method to learn multimodal transitions using function approximation, which is a
key preliminary for model-based RL in stochastic domains.
|
Regularized Residual Quantization: a multi-layer sparse dictionary
learning approach | The Residual Quantization (RQ) framework is revisited where the quantization
distortion is being successively reduced in multi-layers. Inspired by the
reverse-water-filling paradigm in rate-distortion theory, an efficient
regularization on the variances of the codewords is introduced which allows to
extend the RQ for very large numbers of layers and also for high dimensional
data, without getting over-trained. The proposed Regularized Residual
Quantization (RRQ) results in multi-layer dictionaries which are additionally
sparse, thanks to the soft-thresholding nature of the regularization when
applied to variance-decaying data which can arise from de-correlating
transformations applied to correlated data. Furthermore, we also propose a
general-purpose pre-processing for natural images which makes them suitable for
such quantization. The RRQ framework is first tested on synthetic
variance-decaying data to show its efficiency in quantization of
high-dimensional data. Next, we use the RRQ in super-resolution of a database
of facial images where it is shown that low-resolution facial images from the
test set quantized with codebooks trained on high-resolution images from the
training set show relevant high-frequency content when reconstructed with those
codebooks.
|
Single image depth estimation by dilated deep residual convolutional
neural network and soft-weight-sum inference | This paper proposes a new residual convolutional neural network (CNN)
architecture for single image depth estimation. Compared with existing deep CNN
based methods, our method achieves much better results with fewer training
examples and model parameters. The advantages of our method come from the usage
of dilated convolution, skip connection architecture and soft-weight-sum
inference. Experimental evaluation on the NYU Depth V2 dataset shows that our
method outperforms other state-of-the-art methods by a margin.
|
Discourse-Based Objectives for Fast Unsupervised Sentence Representation
Learning | This work presents a novel objective function for the unsupervised training
of neural network sentence encoders. It exploits signals from paragraph-level
discourse coherence to train these models to understand text. Our objective is
purely discriminative, allowing us to train models many times faster than was
possible under prior methods, and it yields models which perform well in
extrinsic evaluations.
|
Forced to Learn: Discovering Disentangled Representations Without
Exhaustive Labels | Learning a better representation with neural networks is a challenging
problem, which was tackled extensively from different prospectives in the past
few years. In this work, we focus on learning a representation that could be
used for a clustering task and introduce two novel loss components that
substantially improve the quality of produced clusters, are simple to apply to
an arbitrary model and cost function, and do not require a complicated training
procedure. We evaluate them on two most common types of models, Recurrent
Neural Networks and Convolutional Neural Networks, showing that the approach we
propose consistently improves the quality of KMeans clustering in terms of
Adjusted Mutual Information score and outperforms previously proposed methods.
|
Towards well-specified semi-supervised model-based classifiers via
structural adaptation | Semi-supervised learning plays an important role in large-scale machine
learning. Properly using additional unlabeled data (largely available nowadays)
often can improve the machine learning accuracy. However, if the machine
learning model is misspecified for the underlying true data distribution, the
model performance could be seriously jeopardized. This issue is known as model
misspecification. To address this issue, we focus on generative models and
propose a criterion to detect the onset of model misspecification by measuring
the performance difference between models obtained using supervised and
semi-supervised learning. Then, we propose to automatically modify the
generative models during model training to achieve an unbiased generative
model. Rigorous experiments were carried out to evaluate the proposed method
using two image classification data sets PASCAL VOC'07 and MIR Flickr. Our
proposed method has been demonstrated to outperform a number of
state-of-the-art semi-supervised learning approaches for the classification
task.
|
Determinantal Point Processes for Mini-Batch Diversification | We study a mini-batch diversification scheme for stochastic gradient descent
(SGD). While classical SGD relies on uniformly sampling data points to form a
mini-batch, we propose a non-uniform sampling scheme based on the Determinantal
Point Process (DPP). The DPP relies on a similarity measure between data points
and gives low probabilities to mini-batches which contain redundant data, and
higher probabilities to mini-batches with more diverse data. This
simultaneously balances the data and leads to stochastic gradients with lower
variance. We term this approach Diversified Mini-Batch SGD (DM-SGD). We show
that regular SGD and a biased version of stratified sampling emerge as special
cases. Furthermore, DM-SGD generalizes stratified sampling to cases where no
discrete features exist to bin the data into groups. We show experimentally
that our method results more interpretable and diverse features in unsupervised
setups, and in better classification accuracies in supervised setups.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.