title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Neural Message Passing with Edge Updates for Predicting Properties of
Molecules and Materials
|
Neural message passing on molecular graphs is one of the most promising
methods for predicting formation energy and other properties of molecules and
materials. In this work we extend the neural message passing model with an edge
update network which allows the information exchanged between atoms to depend
on the hidden state of the receiving atom. We benchmark the proposed model on
three publicly available datasets (QM9, The Materials Project and OQMD) and
show that the proposed model yields superior prediction of formation energies
and other properties on all three datasets in comparison with the best
published results. Furthermore we investigate different methods for
constructing the graph used to represent crystalline structures and we find
that using a graph based on K-nearest neighbors achieves better prediction
accuracy than using maximum distance cutoff or the Voronoi tessellation graph.
|
Data-driven Analytics for Business Architectures: Proposed Use of Graph
Theory
|
Business Architecture (BA) plays a significant role in helping organizations
understand enterprise structures and processes, and align them with strategic
objectives. However, traditional BAs are represented in fixed structure with
static model elements and fail to dynamically capture business insights based
on internal and external data. To solve this problem, this paper introduces the
graph theory into BAs with aim of building extensible data-driven analytics and
automatically generating business insights. We use IBM's Component Business
Model (CBM) as an example to illustrate various ways in which graph theory can
be leveraged for data-driven analytics, including what and how business
insights can be obtained. Future directions for applying graph theory to
business architecture analytics are discussed.
|
Deep learning based inverse method for layout design
|
Layout design with complex constraints is a challenging problem to solve due
to the non-uniqueness of the solution and the difficulties in incorporating the
constraints into the conventional optimization-based methods. In this paper, we
propose a design method based on the recently developed machine learning
technique, Variational Autoencoder (VAE). We utilize the learning capability of
the VAE to learn the constraints and the generative capability of the VAE to
generate design candidates that automatically satisfy all the constraints. As
such, no constraints need to be imposed during the design stage. In addition,
we show that the VAE network is also capable of learning the underlying physics
of the design problem, leading to an efficient design tool that does not need
any physical simulation once the network is constructed. We demonstrated the
performance of the method on two cases: inverse design of surface diffusion
induced morphology change and mask design for optical microlithography.
|
The Well Tempered Lasso
|
We study the complexity of the entire regularization path for least squares
regression with 1-norm penalty, known as the Lasso. Every regression parameter
in the Lasso changes linearly as a function of the regularization value. The
number of changes is regarded as the Lasso's complexity. Experimental results
using exact path following exhibit polynomial complexity of the Lasso in the
problem size. Alas, the path complexity of the Lasso on artificially designed
regression problems is exponential.
We use smoothed analysis as a mechanism for bridging the gap between worst
case settings and the de facto low complexity. Our analysis assumes that the
observed data has a tiny amount of intrinsic noise. We then prove that the
Lasso's complexity is polynomial in the problem size. While building upon the
seminal work of Spielman and Teng on smoothed complexity, our analysis is
morally different as it is divorced from specific path following algorithms. We
verify the validity of our analysis in experiments with both worst case
settings and real datasets. The empirical results we obtain closely match our
analysis.
|
Spreading vectors for similarity search
|
Discretizing multi-dimensional data distributions is a fundamental step of
modern indexing methods. State-of-the-art techniques learn parameters of
quantizers on training data for optimal performance, thus adapting quantizers
to the data. In this work, we propose to reverse this paradigm and adapt the
data to the quantizer: we train a neural net which last layer forms a fixed
parameter-free quantizer, such as pre-defined points of a hyper-sphere. As a
proxy objective, we design and train a neural network that favors uniformity in
the spherical latent space, while preserving the neighborhood structure after
the mapping. We propose a new regularizer derived from the Kozachenko--Leonenko
differential entropy estimator to enforce uniformity and combine it with a
locality-aware triplet loss. Experiments show that our end-to-end approach
outperforms most learned quantization methods, and is competitive with the
state of the art on widely adopted benchmarks. Furthermore, we show that
training without the quantization step results in almost no difference in
accuracy, but yields a generic catalyzer that can be applied with any
subsequent quantizer.
|
Learning in Integer Latent Variable Models with Nested Automatic
Differentiation
|
We develop nested automatic differentiation (AD) algorithms for exact
inference and learning in integer latent variable models. Recently, Winner,
Sujono, and Sheldon showed how to reduce marginalization in a class of integer
latent variable models to evaluating a probability generating function which
contains many levels of nested high-order derivatives. We contribute faster and
more stable AD algorithms for this challenging problem and a novel algorithm to
compute exact gradients for learning. These contributions lead to significantly
faster and more accurate learning algorithms, and are the first AD algorithms
whose running time is polynomial in the number of levels of nesting.
|
Data-driven model for the identification of the rock type at a drilling
bit
|
Directional oil well drilling requires high precision of the wellbore
positioning inside the productive area. However, due to specifics of
engineering design, sensors that explicitly determine the type of the drilled
rock are located farther than 15m from the drilling bit. As a result, the
target area runaways can be detected only after this distance, which in turn,
leads to a loss in well productivity and the risk of the need for an expensive
re-boring operation.
We present a novel approach for identifying rock type at the drilling bit
based on machine learning classification methods and data mining on sensors
readings. We compare various machine-learning algorithms, examine extra
features coming from mathematical modeling of drilling mechanics, and show that
the real-time rock type classification error can be reduced from 13.5 % to 9 %.
The approach is applicable for precise directional drilling in relatively thin
target intervals of complex shapes and generalizes appropriately to new wells
that are different from the ones used for training the machine learning model.
|
Randomized Optimal Transport on a Graph: framework and new distance
measures
|
The recently developed bag-of-paths (BoP) framework consists in setting a
Gibbs-Boltzmann distribution on all feasible paths of a graph. This probability
distribution favors short paths over long ones, with a free parameter (the
temperature $T$) controlling the entropic level of the distribution. This
formalism enables the computation of new distances or dissimilarities,
interpolating between the shortest-path and the resistance distance, which have
been shown to perform well in clustering and classification tasks. In this
work, the bag-of-paths formalism is extended by adding two independent equality
constraints fixing starting and ending nodes distributions of paths (margins).
When the temperature is low, this formalism is shown to be equivalent to a
relaxation of the optimal transport problem on a network where paths carry a
flow between two discrete distributions on nodes. The randomization is achieved
by considering free energy minimization instead of traditional cost
minimization. Algorithms computing the optimal free energy solution are
developed for two types of paths: hitting (or absorbing) paths and non-hitting,
regular, paths, and require the inversion of an $n \times n$ matrix with $n$
being the number of nodes. Interestingly, for regular paths on an undirected
graph, the resulting optimal policy interpolates between the deterministic
optimal transport policy ($T \rightarrow 0^{+}$) and the solution to the
corresponding electrical circuit ($T \rightarrow \infty$). Two distance
measures between nodes and a dissimilarity between groups of nodes, both
integrating weights on nodes, are derived from this framework.
|
Measuring Item Similarity in Introductory Programming: Python and Robot
Programming Case Studies
|
A personalized learning system needs a large pool of items for learners to
solve. When working with a large pool of items, it is useful to measure the
similarity of items. We outline a general approach to measuring the similarity
of items and discuss specific measures for items used in introductory
programming. Evaluation of quality of similarity measures is difficult. To this
end, we propose an evaluation approach utilizing three levels of abstraction.
We illustrate our approach to measuring similarity and provide evaluation using
items from three diverse programming environments.
|
Incorporating Features Learned by an Enhanced Deep Knowledge Tracing
Model for STEM/Non-STEM Job Prediction
|
The 2017 ASSISTments Data Mining competition aims to use data from a
longitudinal study for predicting a brand-new outcome of students which had
never been studied before by the educational data mining research community.
Specifically, it facilitates research in developing predictive models that
predict whether the first job of a student out of college belongs to a STEM
(the acronym for science, technology, engineering, and mathematics) field. This
is based on the student's learning history on the ASSISTments blended learning
platform in the form of extensive clickstream data gathered during the middle
school years. To tackle this challenge, we first estimate the expected
knowledge state of students with respect to different mathematical skills using
a deep knowledge tracing (DKT) model and an enhanced DKT (DKT+) model. We then
combine the features corresponding to the DKT/DKT+ expected knowledge state
with other features extracted directly from the student profile in the dataset
to train several machine learning models for the STEM/non-STEM job prediction.
Our experiments show that models trained with the combined features generally
perform better than the models trained with the student profile alone. Detailed
analysis of the student's knowledge state reveals that, when compared with
non-STEM students, STEM students generally show a higher mastery level and a
higher learning gain in mathematics.
|
Blind Justice: Fairness with Encrypted Sensitive Attributes
|
Recent work has explored how to train machine learning models which do not
discriminate against any subgroup of the population as determined by sensitive
attributes such as gender or race. To avoid disparate treatment, sensitive
attributes should not be considered. On the other hand, in order to avoid
disparate impact, sensitive attributes must be examined, e.g., in order to
learn a fair model, or to check if a given model is fair. We introduce methods
from secure multi-party computation which allow us to avoid both. By encrypting
sensitive attributes, we show how an outcome-based fair model may be learned,
checked, or have its outputs verified and held to account, without users
revealing their sensitive attributes.
|
Regression with Comparisons: Escaping the Curse of Dimensionality with
Ordinal Information
|
In supervised learning, we typically leverage a fully labeled dataset to
design methods for function estimation or prediction. In many practical
situations, we are able to obtain alternative feedback, possibly at a low cost.
A broad goal is to understand the usefulness of, and to design algorithms to
exploit, this alternative feedback. In this paper, we consider a
semi-supervised regression setting, where we obtain additional ordinal (or
comparison) information for the unlabeled samples. We consider ordinal feedback
of varying qualities where we have either a perfect ordering of the samples, a
noisy ordering of the samples or noisy pairwise comparisons between the
samples. We provide a precise quantification of the usefulness of these types
of ordinal feedback in both nonparametric and linear regression, showing that
in many cases it is possible to accurately estimate an underlying function with
a very small labeled set, effectively \emph{escaping the curse of
dimensionality}. We also present lower bounds, that establish fundamental
limits for the task and show that our algorithms are optimal in a variety of
settings. Finally, we present extensive experiments on new datasets that
demonstrate the efficacy and practicality of our algorithms and investigate
their robustness to various sources of noise and model misspecification.
|
Slalom: Fast, Verifiable and Private Execution of Neural Networks in
Trusted Hardware
|
As Machine Learning (ML) gets applied to security-critical or sensitive
domains, there is a growing need for integrity and privacy for outsourced ML
computations. A pragmatic solution comes from Trusted Execution Environments
(TEEs), which use hardware and software protections to isolate sensitive
computations from the untrusted software stack. However, these isolation
guarantees come at a price in performance, compared to untrusted alternatives.
This paper initiates the study of high performance execution of Deep Neural
Networks (DNNs) in TEEs by efficiently partitioning DNN computations between
trusted and untrusted devices. Building upon an efficient outsourcing scheme
for matrix multiplication, we propose Slalom, a framework that securely
delegates execution of all linear layers in a DNN from a TEE (e.g., Intel SGX
or Sanctum) to a faster, yet untrusted, co-located processor. We evaluate
Slalom by running DNNs in an Intel SGX enclave, which selectively delegates
work to an untrusted GPU. For canonical DNNs (VGG16, MobileNet and ResNet
variants) we obtain 6x to 20x increases in throughput for verifiable inference,
and 4x to 11x for verifiable and private inference.
|
Adversarial Meta-Learning
|
Meta-learning enables a model to learn from very limited data to undertake a
new task. In this paper, we study the general meta-learning with adversarial
samples. We present a meta-learning algorithm, ADML (ADversarial Meta-Learner),
which leverages clean and adversarial samples to optimize the initialization of
a learning model in an adversarial manner. ADML leads to the following
desirable properties: 1) it turns out to be very effective even in the cases
with only clean samples; 2) it is robust to adversarial samples, i.e., unlike
other meta-learning algorithms, it only leads to a minor performance
degradation when there are adversarial samples; 3) it sheds light on tackling
the cases with limited and even contaminated samples. It has been shown by
extensive experimental results that ADML consistently outperforms three
representative meta-learning algorithms in the cases involving adversarial
samples, on two widely-used image datasets, MiniImageNet and CIFAR100, in terms
of both accuracy and robustness.
|
Randomized Prior Functions for Deep Reinforcement Learning
|
Dealing with uncertainty is essential for efficient reinforcement learning.
There is a growing literature on uncertainty estimation for deep learning from
fixed datasets, but many of the most popular approaches are poorly-suited to
sequential decision problems. Other methods, such as bootstrap sampling, have
no mechanism for uncertainty that does not come from the observed data. We
highlight why this can be a crucial shortcoming and propose a simple remedy
through addition of a randomized untrainable `prior' network to each ensemble
member. We prove that this approach is efficient with linear representations,
provide simple illustrations of its efficacy with nonlinear representations and
show that this approach scales to large-scale problems far better than previous
attempts.
|
Discovering Signals from Web Sources to Predict Cyber Attacks
|
Cyber attacks are growing in frequency and severity. Over the past year alone
we have witnessed massive data breaches that stole personal information of
millions of people and wide-scale ransomware attacks that paralyzed critical
infrastructure of several countries. Combating the rising cyber threat calls
for a multi-pronged strategy, which includes predicting when these attacks will
occur. The intuition driving our approach is this: during the planning and
preparation stages, hackers leave digital traces of their activities on both
the surface web and dark web in the form of discussions on platforms like
hacker forums, social media, blogs and the like. These data provide predictive
signals that allow anticipating cyber attacks. In this paper, we describe
machine learning techniques based on deep neural networks and autoregressive
time series models that leverage external signals from publicly available Web
sources to forecast cyber attacks. Performance of our framework across ground
truth data over real-world forecasting tasks shows that our methods yield a
significant lift or increase of F1 for the top signals on predicted cyber
attacks. Our results suggest that, when deployed, our system will be able to
provide an effective line of defense against various types of targeted cyber
attacks.
|
An Optimal Algorithm for Online Unconstrained Submodular Maximization
|
We consider a basic problem at the interface of two fundamental fields:
submodular optimization and online learning. In the online unconstrained
submodular maximization (online USM) problem, there is a universe
$[n]=\{1,2,...,n\}$ and a sequence of $T$ nonnegative (not necessarily
monotone) submodular functions arrive over time. The goal is to design a
computationally efficient online algorithm, which chooses a subset of $[n]$ at
each time step as a function only of the past, such that the accumulated value
of the chosen subsets is as close as possible to the maximum total value of a
fixed subset in hindsight. Our main result is a polynomial-time no-$1/2$-regret
algorithm for this problem, meaning that for every sequence of nonnegative
submodular functions, the algorithm's expected total value is at least $1/2$
times that of the best subset in hindsight, up to an error term sublinear in
$T$. The factor of $1/2$ cannot be improved upon by any polynomial-time online
algorithm when the submodular functions are presented as value oracles.
Previous work on the offline problem implies that picking a subset uniformly at
random in each time step achieves zero $1/4$-regret.
A byproduct of our techniques is an explicit subroutine for the two-experts
problem that has an unusually strong regret guarantee: the total value of its
choices is comparable to twice the total value of either expert on rounds it
did not pick that expert. This subroutine may be of independent interest.
|
Deterministic Stretchy Regression
|
An extension of the regularized least-squares in which the estimation
parameters are stretchable is introduced and studied in this paper. The
solution of this ridge regression with stretchable parameters is given in
primal and dual spaces and in closed-form. Essentially, the proposed solution
stretches the covariance computation by a power term, thereby compressing or
amplifying the estimation parameters. To maintain the computation of power root
terms within the real space, an input transformation is proposed. The results
of an empirical evaluation in both synthetic and real-world data illustrate
that the proposed method is effective for compressive learning with
high-dimensional data.
|
Learning Continuous Hierarchies in the Lorentz Model of Hyperbolic
Geometry
|
We are concerned with the discovery of hierarchical relationships from
large-scale unstructured similarity scores. For this purpose, we study
different models of hyperbolic space and find that learning embeddings in the
Lorentz model is substantially more efficient than in the Poincar\'e-ball
model. We show that the proposed approach allows us to learn high-quality
embeddings of large taxonomies which yield improvements over Poincar\'e
embeddings, especially in low dimensions. Lastly, we apply our model to
discover hierarchies in two real-world datasets: we show that an embedding in
hyperbolic space can reveal important aspects of a company's organizational
structure as well as reveal historical relationships between language families.
|
Hierarchical Clustering with Prior Knowledge
|
Hierarchical clustering is a class of algorithms that seeks to build a
hierarchy of clusters. It has been the dominant approach to constructing
embedded classification schemes since it outputs dendrograms, which capture the
hierarchical relationship among members at all levels of granularity,
simultaneously. Being greedy in the algorithmic sense, a hierarchical
clustering partitions data at every step solely based on a similarity /
dissimilarity measure. The clustering results oftentimes depend on not only the
distribution of the underlying data, but also the choice of dissimilarity
measure and the clustering algorithm. In this paper, we propose a method to
incorporate prior domain knowledge about entity relationship into the
hierarchical clustering. Specifically, we use a distance function in
ultrametric space to encode the external ontological information. We show that
popular linkage-based algorithms can faithfully recover the encoded structure.
Similar to some regularized machine learning techniques, we add this distance
as a penalty term to the original pairwise distance to regulate the final
structure of the dendrogram. As a case study, we applied this method on real
data in the building of a customer behavior based product taxonomy for an
Amazon service, leveraging the information from a larger Amazon-wide browse
structure. The method is useful when one wants to leverage the relational
information from external sources, or the data used to generate the distance
matrix is noisy and sparse. Our work falls in the category of semi-supervised
or constrained clustering.
|
TAPAS: Tricks to Accelerate (encrypted) Prediction As a Service
|
Machine learning methods are widely used for a variety of prediction
problems. \emph{Prediction as a service} is a paradigm in which service
providers with technological expertise and computational resources may perform
predictions for clients. However, data privacy severely restricts the
applicability of such services, unless measures to keep client data private
(even from the service provider) are designed. Equally important is to minimize
the amount of computation and communication required between client and server.
Fully homomorphic encryption offers a possible way out, whereby clients may
encrypt their data, and on which the server may perform arithmetic
computations. The main drawback of using fully homomorphic encryption is the
amount of time required to evaluate large machine learning models on encrypted
data. We combine ideas from the machine learning literature, particularly work
on binarization and sparsification of neural networks, together with
algorithmic tools to speed-up and parallelize computation using encrypted data.
|
Robust Semantic Segmentation with Ladder-DenseNet Models
|
We present semantic segmentation experiments with a model capable to perform
predictions on four benchmark datasets: Cityscapes, ScanNet, WildDash and
KITTI. We employ a ladder-style convolutional architecture featuring a modified
DenseNet-169 model in the downsampling datapath, and only one convolution in
each stage of the upsampling datapath. Due to limited computing resources, we
perform the training only on Cityscapes Fine train+val, ScanNet train, WildDash
val and KITTI train. We evaluate the trained model on the test subsets of the
four benchmarks in concordance with the guidelines of the Robust Vision
Challenge ROB 2018. The performed experiments reveal several interesting
findings which we describe and discuss.
|
Orthogonal Random Forest for Causal Inference
|
We propose the orthogonal random forest, an algorithm that combines
Neyman-orthogonality to reduce sensitivity with respect to estimation error of
nuisance parameters with generalized random forests (Athey et al., 2017)--a
flexible non-parametric method for statistical estimation of conditional moment
models using random forests. We provide a consistency rate and establish
asymptotic normality for our estimator. We show that under mild assumptions on
the consistency rate of the nuisance estimator, we can achieve the same error
rate as an oracle with a priori knowledge of these nuisance parameters. We show
that when the nuisance functions have a locally sparse parametrization, then a
local $\ell_1$-penalized regression achieves the required rate. We apply our
method to estimate heterogeneous treatment effects from observational data with
discrete treatments or continuous treatments, and we show that, unlike prior
work, our method provably allows to control for a high-dimensional set of
variables under standard sparsity conditions. We also provide a comprehensive
empirical evaluation of our algorithm on both synthetic and real data.
|
DIR-ST$^2$: Delineation of Imprecise Regions Using
Spatio--Temporal--Textual Information
|
An imprecise region is referred to as a geographical area without a
clearly-defined boundary in the literature. Previous clustering-based
approaches exploit spatial information to find such regions. However, the prior
studies suffer from the following two problems: the subjectivity in selecting
clustering parameters and the inclusion of a large portion of the undesirable
region (i.e., a large number of noise points). To overcome these problems, we
present DIR-ST$^2$, a novel framework for delineating an imprecise region by
iteratively performing density-based clustering, namely DBSCAN, along with not
only spatio--textual information but also temporal information on social media.
Specifically, we aim at finding a proper radius of a circle used in the
iterative DBSCAN process by gradually reducing the radius for each iteration in
which the temporal information acquired from all resulting clusters are
leveraged. Then, we propose an efficient and automated algorithm delineating
the imprecise region via hierarchical clustering. Experiment results show that
by virtue of the significant noise reduction in the region, our DIR-ST$^2$
method outperforms the state-of-the-art approach employing one-class support
vector machine in terms of the $\mathcal{F}_1$ score from comparison with
precisely-defined regions regarded as a ground truth, and returns apparently
better delineation of imprecise regions. The computational complexity of
DIR-ST$^2$ is also analytically and numerically shown.
|
Learning to Grasp from a Single Demonstration
|
Learning-based approaches for robotic grasping using visual sensors typically
require collecting a large size dataset, either manually labeled or by many
trial and errors of a robotic manipulator in the real or simulated world. We
propose a simpler learning-from-demonstration approach that is able to detect
the object to grasp from merely a single demonstration using a convolutional
neural network we call GraspNet. In order to increase robustness and decrease
the training time even further, we leverage data from previous demonstrations
to quickly fine-tune a GrapNet for each new demonstration. We present some
preliminary results on a grasping experiment with the Franka Panda cobot for
which we can train a GraspNet with only hundreds of train iterations.
|
Explainable Deterministic MDPs
|
We present a method for a certain class of Markov Decision Processes (MDPs)
that can relate the optimal policy back to one or more reward sources in the
environment. For a given initial state, without fully computing the value
function, q-value function, or the optimal policy the algorithm can determine
which rewards will and will not be collected, whether a given reward will be
collected only once or continuously, and which local maximum within the value
function the initial state will ultimately lead to. We demonstrate that the
method can be used to map the state space to identify regions that are
dominated by one reward source and can fully analyze the state space to explain
all actions. We provide a mathematical framework to show how all of this is
possible without first computing the optimal policy or value function.
|
Generalized Earley Parser: Bridging Symbolic Grammars and Sequence Data
for Future Prediction
|
Future predictions on sequence data (e.g., videos or audios) require the
algorithms to capture non-Markovian and compositional properties of high-level
semantics. Context-free grammars are natural choices to capture such
properties, but traditional grammar parsers (e.g., Earley parser) only take
symbolic sentences as inputs. In this paper, we generalize the Earley parser to
parse sequence data which is neither segmented nor labeled. This generalized
Earley parser integrates a grammar parser with a classifier to find the optimal
segmentation and labels, and makes top-down future predictions. Experiments
show that our method significantly outperforms other approaches for future
human activity prediction.
|
Field-weighted Factorization Machines for Click-Through Rate Prediction
in Display Advertising
|
Click-through rate (CTR) prediction is a critical task in online display
advertising. The data involved in CTR prediction are typically multi-field
categorical data, i.e., every feature is categorical and belongs to one and
only one field. One of the interesting characteristics of such data is that
features from one field often interact differently with features from different
other fields. Recently, Field-aware Factorization Machines (FFMs) have been
among the best performing models for CTR prediction by explicitly modeling such
difference. However, the number of parameters in FFMs is in the order of
feature number times field number, which is unacceptable in the real-world
production systems. In this paper, we propose Field-weighted Factorization
Machines (FwFMs) to model the different feature interactions between different
fields in a much more memory-efficient way. Our experimental evaluations show
that FwFMs can achieve competitive prediction performance with only as few as
4% parameters of FFMs. When using the same number of parameters, FwFMs can
bring 0.92% and 0.47% AUC lift over FFMs on two real CTR prediction data sets.
|
Representation Learning on Graphs with Jumping Knowledge Networks
|
Recent deep learning approaches for representation learning on graphs follow
a neighborhood aggregation procedure. We analyze some important properties of
these models, and propose a strategy to overcome those. In particular, the
range of "neighboring" nodes that a node's representation draws from strongly
depends on the graph structure, analogous to the spread of a random walk. To
adapt to local neighborhood properties and tasks, we explore an architecture --
jumping knowledge (JK) networks -- that flexibly leverages, for each node,
different neighborhood ranges to enable better structure-aware representation.
In a number of experiments on social, bioinformatics and citation networks, we
demonstrate that our model achieves state-of-the-art performance. Furthermore,
combining the JK framework with models like Graph Convolutional Networks,
GraphSAGE and Graph Attention Networks consistently improves those models'
performance.
|
An Estimation and Analysis Framework for the Rasch Model
|
The Rasch model is widely used for item response analysis in applications
ranging from recommender systems to psychology, education, and finance. While a
number of estimators have been proposed for the Rasch model over the last
decades, the available analytical performance guarantees are mostly asymptotic.
This paper provides a framework that relies on a novel linear minimum
mean-squared error (L-MMSE) estimator which enables an exact, nonasymptotic,
and closed-form analysis of the parameter estimation error under the Rasch
model. The proposed framework provides guidelines on the number of items and
responses required to attain low estimation errors in tests or surveys. We
furthermore demonstrate its efficacy on a number of real-world collaborative
filtering datasets, which reveals that the proposed L-MMSE estimator performs
on par with state-of-the-art nonlinear estimators in terms of predictive
performance.
|
Consistent Position Bias Estimation without Online Interventions for
Learning-to-Rank
|
Presentation bias is one of the key challenges when learning from implicit
feedback in search engines, as it confounds the relevance signal with
uninformative signals due to position in the ranking, saliency, and other
presentation factors. While it was recently shown how counterfactual
learning-to-rank (LTR) approaches \cite{Joachims/etal/17a} can provably
overcome presentation bias if observation propensities are known, it remains to
show how to accurately estimate these propensities. In this paper, we propose
the first method for producing consistent propensity estimates without manual
relevance judgments, disruptive interventions, or restrictive relevance
modeling assumptions. We merely require that we have implicit feedback data
from multiple different ranking functions. Furthermore, we argue that our
estimation technique applies to an extended class of Contextual Position-Based
Propensity Models, where propensities not only depend on position but also on
observable features of the query and document. Initial simulation studies
confirm that the approach is scalable, accurate, and robust.
|
Building Bayesian Neural Networks with Blocks: On Structure,
Interpretability and Uncertainty
|
We provide simple schemes to build Bayesian Neural Networks (BNNs), block by
block, inspired by a recent idea of computation skeletons. We show how by
adjusting the types of blocks that are used within the computation skeleton, we
can identify interesting relationships with Deep Gaussian Processes (DGPs),
deep kernel learning (DKL), random features type approximation and other
topics. We give strategies to approximate the posterior via doubly stochastic
variational inference for such models which yield uncertainty estimates. We
give a detailed theoretical analysis and point out extensions that may be of
independent interest. As a special case, we instantiate our procedure to define
a Bayesian {\em additive} Neural network -- a promising strategy to identify
statistical interactions and has direct benefits for obtaining interpretable
models.
|
Stationary Geometric Graphical Model Selection
|
We consider the problem of model selection in Gaussian Markov fields in the
sample deficient scenario. In many practically important cases, the underlying
networks are embedded into Euclidean spaces. Using the natural geometric
structure, we introduce the notion of spatially stationary distributions over
geometric graphs. This directly generalizes the notion of stationary time
series to the multidimensional setting lacking time axis. We show that the idea
of spatial stationarity leads to a dramatic decrease in the sample complexity
of the model selection compared to abstract graphs with the same level of
sparsity. For geometric graphs on randomly spread vertices and edges of bounded
length, we develop tight information-theoretic bounds on sample complexity and
show that a finite number of independent samples is sufficient for a consistent
recovery. Finally, we develop an efficient technique capable of reliably and
consistently reconstructing graphs with a bounded number of measurements.
|
Generative Adversarial Nets for Information Retrieval: Fundamentals and
Advances
|
Generative adversarial nets (GANs) have been widely studied during the recent
development of deep learning and unsupervised learning. With an adversarial
training mechanism, GAN manages to train a generative model to fit the
underlying unknown real data distribution under the guidance of the
discriminative model estimating whether a data instance is real or generated.
Such a framework is originally proposed for fitting continuous data
distribution such as images, thus it is not straightforward to be directly
applied to information retrieval scenarios where the data is mostly discrete,
such as IDs, text and graphs. In this tutorial, we focus on discussing the GAN
techniques and the variants on discrete data fitting in various information
retrieval scenarios. (i) We introduce the fundamentals of GAN framework and its
theoretic properties; (ii) we carefully study the promising solutions to extend
GAN onto discrete data generation; (iii) we introduce IRGAN, the fundamental
GAN framework of fitting single ID data distribution and the direct application
on information retrieval; (iv) we further discuss the task of sequential
discrete data generation tasks, e.g., text generation, and the corresponding
GAN solutions; (v) we present the most recent work on graph/network data
fitting with node embedding techniques by GANs. Meanwhile, we also introduce
the relevant open-source platforms such as IRGAN and Texygen to help audience
conduct research experiments on GANs in information retrieval. Finally, we
conclude this tutorial with a comprehensive summarization and a prospect of
further research directions for GANs in information retrieval.
|
A Scalable Framework for Trajectory Prediction
|
Trajectory prediction (TP) is of great importance for a wide range of
location-based applications in intelligent transport systems such as
location-based advertising, route planning, traffic management, and early
warning systems. In the last few years, the widespread use of GPS navigation
systems and wireless communication technology enabled vehicles has resulted in
huge volumes of trajectory data. The task of utilizing this data employing
spatio-temporal techniques for trajectory prediction in an efficient and
accurate manner is an ongoing research problem. Existing TP approaches are
limited to short-term predictions. Moreover, they cannot handle a large volume
of trajectory data for long-term prediction. To address these limitations, we
propose a scalable clustering and Markov chain based hybrid framework, called
Traj-clusiVAT-based TP, for both short-term and long-term trajectory
prediction, which can handle a large number of overlapping trajectories in a
dense road network. Traj-clusiVAT can also determine the number of clusters,
which represent different movement behaviours in input trajectory data. In our
experiments, we compare our proposed approach with a mixed Markov model
(MMM)-based scheme, and a trajectory clustering, NETSCAN-based TP method for
both short- and long-term trajectory predictions. We performed our experiments
on two real, vehicle trajectory datasets, including a large-scale trajectory
dataset consisting of 3.28 million trajectories obtained from 15,061 taxis in
Singapore over a period of one month. Experimental results on two real
trajectory datasets show that our proposed approach outperforms the existing
approaches in terms of both short- and long-term prediction performances, based
on prediction accuracy and distance error (in km).
|
IVUS-Net: An Intravascular Ultrasound Segmentation Network
|
IntraVascular UltraSound (IVUS) is one of the most effective imaging
modalities that provides assistance to experts in order to diagnose and treat
cardiovascular diseases. We address a central problem in IVUS image analysis
with Fully Convolutional Network (FCN): automatically delineate the lumen and
media-adventitia borders in IVUS images, which is crucial to shorten the
diagnosis process or benefits a faster and more accurate 3D reconstruction of
the artery. Particularly, we propose an FCN architecture, called IVUS-Net,
followed by a post-processing contour extraction step, in order to
automatically segments the interior (lumen) and exterior (media-adventitia)
regions of the human arteries. We evaluated our IVUS-Net on the test set of a
standard publicly available dataset containing 326 IVUS B-mode images with two
measurements, namely Jaccard Measure (JM) and Hausdorff Distances (HD). The
evaluation result shows that IVUS-Net outperforms the state-of-the-art lumen
and media segmentation methods by 4% to 20% in terms of HD distance. IVUS-Net
performs well on images in the test set that contain a significant amount of
major artifacts such as bifurcations, shadows, and side branches that are not
common in the training set. Furthermore, using a modern GPU, IVUS-Net segments
each IVUS frame only in 0.15 seconds. The proposed work, to the best of our
knowledge, is the first deep learning based method for segmentation of both the
lumen and the media vessel walls in 20 MHz IVUS B-mode images that achieves the
best results without any manual intervention. Code is available at
https://github.com/Kulbear/ivus-segmentation-icsm2018
|
Free-Form Image Inpainting with Gated Convolution
|
We present a generative image inpainting system to complete images with
free-form mask and guidance. The system is based on gated convolutions learned
from millions of images without additional labelling efforts. The proposed
gated convolution solves the issue of vanilla convolution that treats all input
pixels as valid ones, generalizes partial convolution by providing a learnable
dynamic feature selection mechanism for each channel at each spatial location
across all layers. Moreover, as free-form masks may appear anywhere in images
with any shape, global and local GANs designed for a single rectangular mask
are not applicable. Thus, we also present a patch-based GAN loss, named
SN-PatchGAN, by applying spectral-normalized discriminator on dense image
patches. SN-PatchGAN is simple in formulation, fast and stable in training.
Results on automatic image inpainting and user-guided extension demonstrate
that our system generates higher-quality and more flexible results than
previous methods. Our system helps user quickly remove distracting objects,
modify image layouts, clear watermarks and edit faces. Code, demo and models
are available at: https://github.com/JiahuiYu/generative_inpainting
|
ML + FV = $\heartsuit$? A Survey on the Application of Machine Learning
to Formal Verification
|
Formal Verification (FV) and Machine Learning (ML) can seem incompatible due
to their opposite mathematical foundations and their use in real-life problems:
FV mostly relies on discrete mathematics and aims at ensuring correctness; ML
often relies on probabilistic models and consists of learning patterns from
training data. In this paper, we postulate that they are complementary in
practice, and explore how ML helps FV in its classical approaches: static
analysis, model-checking, theorem-proving, and SAT solving. We draw a landscape
of the current practice and catalog some of the most prominent uses of ML
inside FV tools, thus offering a new perspective on FV techniques that can help
researchers and practitioners to better locate the possible synergies. We
discuss lessons learned from our work, point to possible improvements and offer
visions for the future of the domain in the light of the science of software
and systems modeling.
|
Conditional Noise-Contrastive Estimation of Unnormalised Models
|
Many parametric statistical models are not properly normalised and only
specified up to an intractable partition function, which renders parameter
estimation difficult. Examples of unnormalised models are Gibbs distributions,
Markov random fields, and neural network models in unsupervised deep learning.
In previous work, the estimation principle called noise-contrastive estimation
(NCE) was introduced where unnormalised models are estimated by learning to
distinguish between data and auxiliary noise. An open question is how to best
choose the auxiliary noise distribution. We here propose a new method that
addresses this issue. The proposed method shares with NCE the idea of
formulating density estimation as a supervised learning problem but in contrast
to NCE, the proposed method leverages the observed data when generating noise
samples. The noise can thus be generated in a semi-automated manner. We first
present the underlying theory of the new method, show that score matching
emerges as a limiting case, validate the method on continuous and discrete
valued synthetic data, and show that we can expect an improved performance
compared to NCE when the data lie in a lower-dimensional manifold. Then we
demonstrate its applicability in unsupervised deep learning by estimating a
four-layer neural image model.
|
On the Covariance-Hessian Relation in Evolution Strategies
|
We consider Evolution Strategies operating only with isotropic Gaussian
mutations on positive quadratic objective functions, and investigate the
covariance matrix when constructed out of selected individuals by truncation.
We prove that the covariance matrix over $(1,\lambda)$-selected decision
vectors becomes proportional to the inverse of the landscape Hessian as the
population-size $\lambda$ increases. This generalizes a previous result that
proved an equivalent phenomenon when sampling was assumed to take place in the
vicinity of the optimum. It further confirms the classical hypothesis that
statistical learning of the landscape is an inherent characteristic of standard
Evolution Strategies, and that this distinguishing capability stems only from
the usage of isotropic Gaussian mutations and rank-based selection. We provide
broad numerical validation for the proven results, and present empirical
evidence for its generalization to $(\mu,\lambda)$-selection.
|
Dissipativity Theory for Accelerating Stochastic Variance Reduction: A
Unified Analysis of SVRG and Katyusha Using Semidefinite Programs
|
Techniques for reducing the variance of gradient estimates used in stochastic
programming algorithms for convex finite-sum problems have received a great
deal of attention in recent years. By leveraging dissipativity theory from
control, we provide a new perspective on two important variance-reduction
algorithms: SVRG and its direct accelerated variant Katyusha. Our perspective
provides a physically intuitive understanding of the behavior of SVRG-like
methods via a principle of energy conservation. The tools discussed here allow
us to automate the convergence analysis of SVRG-like methods by capturing their
essential properties in small semidefinite programs amenable to standard
analysis and computational techniques. Our approach recovers existing
convergence results for SVRG and Katyusha and generalizes the theory to
alternative parameter choices. We also discuss how our approach complements the
linear coupling technique. Our combination of perspectives leads to a better
understanding of accelerated variance-reduced stochastic methods for finite-sum
problems.
|
Deconvolution-Based Global Decoding for Neural Machine Translation
|
A great proportion of sequence-to-sequence (Seq2Seq) models for Neural
Machine Translation (NMT) adopt Recurrent Neural Network (RNN) to generate
translation word by word following a sequential order. As the studies of
linguistics have proved that language is not linear word sequence but sequence
of complex structure, translation at each step should be conditioned on the
whole target-side context. To tackle the problem, we propose a new NMT model
that decodes the sequence with the guidance of its structural prediction of the
context of the target sequence. Our model generates translation based on the
structural prediction of the target-side context so that the translation can be
freed from the bind of sequential order. Experimental results demonstrate that
our model is more competitive compared with the state-of-the-art methods, and
the analysis reflects that our model is also robust to translating sentences of
different lengths and it also reduces repetition with the instruction from the
target-side context for decoding.
|
Smallify: Learning Network Size while Training
|
As neural networks become widely deployed in different applications and on
different hardware, it has become increasingly important to optimize inference
time and model size along with model accuracy. Most current techniques optimize
model size, model accuracy and inference time in different stages, resulting in
suboptimal results and computational inefficiency. In this work, we propose a
new technique called Smallify that optimizes all three of these metrics at the
same time. Specifically we present a new method to simultaneously optimize
network size and model performance by neuron-level pruning during training.
Neuron-level pruning not only produces much smaller networks but also produces
dense weight matrices that are amenable to efficient inference. By applying our
technique to convolutional as well as fully connected models, we show that
Smallify can reduce network size by 35X with a 6X improvement in inference time
with similar accuracy as models found by traditional training techniques.
|
Smoothed analysis of the low-rank approach for smooth semidefinite
programs
|
We consider semidefinite programs (SDPs) of size n with equality constraints.
In order to overcome scalability issues, Burer and Monteiro proposed a
factorized approach based on optimizing over a matrix Y of size $n$ by $k$ such
that $X = YY^*$ is the SDP variable. The advantages of such formulation are
twofold: the dimension of the optimization variable is reduced and positive
semidefiniteness is naturally enforced. However, the problem in Y is
non-convex. In prior work, it has been shown that, when the constraints on the
factorized variable regularly define a smooth manifold, provided k is large
enough, for almost all cost matrices, all second-order stationary points
(SOSPs) are optimal. Importantly, in practice, one can only compute points
which approximately satisfy necessary optimality conditions, leading to the
question: are such points also approximately optimal? To this end, and under
similar assumptions, we use smoothed analysis to show that approximate SOSPs
for a randomly perturbed objective function are approximate global optima, with
k scaling like the square root of the number of constraints (up to log
factors). Moreover, we bound the optimality gap at the approximate solution of
the perturbed problem with respect to the original problem. We particularize
our results to an SDP relaxation of phase retrieval.
|
The Effect of Network Width on the Performance of Large-batch Training
|
Distributed implementations of mini-batch stochastic gradient descent (SGD)
suffer from communication overheads, attributed to the high frequency of
gradient updates inherent in small-batch training. Training with large batches
can reduce these overheads; however, large batches can affect the convergence
properties and generalization performance of SGD. In this work, we take a first
step towards analyzing how the structure (width and depth) of a neural network
affects the performance of large-batch training. We present new theoretical
results which suggest that--for a fixed number of parameters--wider networks
are more amenable to fast large-batch training compared to deeper ones. We
provide extensive experiments on residual and fully-connected neural networks
which suggest that wider networks can be trained using larger batches without
incurring a convergence slow-down, unlike their deeper variants.
|
Generative Adversarial Network Architectures For Image Synthesis Using
Capsule Networks
|
In this paper, we propose Generative Adversarial Network (GAN) architectures
that use Capsule Networks for image-synthesis. Based on the principal of
positional-equivariance of features, Capsule Network's ability to encode
spatial relationships between the features of the image helps it become a more
powerful critic in comparison to Convolutional Neural Networks (CNNs) used in
current architectures for image synthesis. Our proposed GAN architectures learn
the data manifold much faster and therefore, synthesize visually accurate
images in significantly lesser number of training samples and training epochs
in comparison to GANs and its variants that use CNNs. Apart from analyzing the
quantitative results corresponding the images generated by different
architectures, we also explore the reasons for the lower coverage and diversity
explored by the GAN architectures that use CNN critics.
|
Chaining Mutual Information and Tightening Generalization Bounds
|
Bounding the generalization error of learning algorithms has a long history,
which yet falls short in explaining various generalization successes including
those of deep learning. Two important difficulties are (i) exploiting the
dependencies between the hypotheses, (ii) exploiting the dependence between the
algorithm's input and output. Progress on the first point was made with the
chaining method, originating from the work of Kolmogorov, and used in the
VC-dimension bound. More recently, progress on the second point was made with
the mutual information method by Russo and Zou '15. Yet, these two methods are
currently disjoint. In this paper, we introduce a technique to combine the
chaining and mutual information methods, to obtain a generalization bound that
is both algorithm-dependent and that exploits the dependencies between the
hypotheses. We provide an example in which our bound significantly outperforms
both the chaining and the mutual information bounds. As a corollary, we tighten
Dudley's inequality when the learning algorithm chooses its output from a small
subset of hypotheses with high probability.
|
Adaptive MCMC via Combining Local Samplers
|
Markov chain Monte Carlo (MCMC) methods are widely used in machine learning.
One of the major problems with MCMC is the question of how to design chains
that mix fast over the whole state space; in particular, how to select the
parameters of an MCMC algorithm. Here we take a different approach and,
similarly to parallel MCMC methods, instead of trying to find a single chain
that samples from the whole distribution, we combine samples from several
chains run in parallel, each exploring only parts of the state space (e.g., a
few modes only). The chains are prioritized based on kernel Stein discrepancy,
which provides a good measure of performance locally. The samples from the
independent chains are combined using a novel technique for estimating the
probability of different regions of the sample space. Experimental results
demonstrate that the proposed algorithm may provide significant speedups in
different sampling problems. Most importantly, when combined with the
state-of-the-art NUTS algorithm as the base MCMC sampler, our method remained
competitive with NUTS on sampling from unimodal distributions, while
significantly outperforming state-of-the-art competitors on synthetic
multimodal problems as well as on a challenging sensor localization task.
|
Bayesian Model-Agnostic Meta-Learning
|
Learning to infer Bayesian posterior from a few-shot dataset is an important
step towards robust meta-learning due to the model uncertainty inherent in the
problem. In this paper, we propose a novel Bayesian model-agnostic
meta-learning method. The proposed method combines scalable gradient-based
meta-learning with nonparametric variational inference in a principled
probabilistic framework. During fast adaptation, the method is capable of
learning complex uncertainty structure beyond a point estimate or a simple
Gaussian approximation. In addition, a robust Bayesian meta-update mechanism
with a new meta-loss prevents overfitting during meta-update. Remaining an
efficient gradient-based meta-learner, the method is also model-agnostic and
simple to implement. Experiment results show the accuracy and robustness of the
proposed method in various tasks: sinusoidal regression, image classification,
active learning, and reinforcement learning.
|
Deep Learning for Classification Tasks on Geospatial Vector Polygons
|
In this paper, we evaluate the accuracy of deep learning approaches on
geospatial vector geometry classification tasks. The purpose of this evaluation
is to investigate the ability of deep learning models to learn from geometry
coordinates directly. Previous machine learning research applied to geospatial
polygon data did not use geometries directly, but derived properties thereof.
These are produced by way of extracting geometry properties such as Fourier
descriptors. Instead, our introduced deep neural net architectures are able to
learn on sequences of coordinates mapped directly from polygons. In three
classification tasks we show that the deep learning architectures are
competitive with common learning algorithms that require extracted features.
|
Fast Approximate Natural Gradient Descent in a Kronecker-factored
Eigenbasis
|
Optimization algorithms that leverage gradient covariance information, such
as variants of natural gradient descent (Amari, 1998), offer the prospect of
yielding more effective descent directions. For models with many parameters,
the covariance matrix they are based on becomes gigantic, making them
inapplicable in their original form. This has motivated research into both
simple diagonal approximations and more sophisticated factored approximations
such as KFAC (Heskes, 2000; Martens & Grosse, 2015; Grosse & Martens, 2016). In
the present work we draw inspiration from both to propose a novel approximation
that is provably better than KFAC and amendable to cheap partial updates. It
consists in tracking a diagonal variance, not in parameter coordinates, but in
a Kronecker-factored eigenbasis, in which the diagonal approximation is likely
to be more effective. Experiments show improvements over KFAC in optimization
speed for several deep network architectures.
|
Multi-task learning of daily work and study round-trips from survey data
|
In this study, we present a machine learning approach to infer the worker and
student mobility flows on daily basis from static censuses. The rapid
urbanization has made the estimation of the human mobility flows a critical
task for transportation and urban planners. The primary objective of this paper
is to complete individuals' census data with working and studying trips,
allowing its merging with other mobility data to better estimate the complete
origin-destination matrices. Worker and student mobility flows are among the
most weekly regular displacements and consequently generate road congestion
problems. Estimating their round-trips eases the decision-making processes for
local authorities. Worker and student censuses often contain home location,
work places and educational institutions. We thus propose a neural network
model that learns the temporal distribution of displacements from other
mobility sources and tries to predict them on new censuses data. The inclusion
of multi-task learning in our neural network results in a significant error
rate control in comparison to single task learning.
|
Convergence Rates for Projective Splitting
|
Projective splitting is a family of methods for solving inclusions involving
sums of maximal monotone operators. First introduced by Eckstein and Svaiter in
2008, these methods have enjoyed significant innovation in recent years,
becoming one of the most flexible operator splitting frameworks available.
While weak convergence of the iterates to a solution has been established,
there have been few attempts to study convergence rates of projective
splitting. The purpose of this paper is to do so under various assumptions. To
this end, there are three main contributions. First, in the context of convex
optimization, we establish an $O(1/k)$ ergodic function convergence rate.
Second, for strongly monotone inclusions, strong convergence is established as
well as an ergodic $O(1/\sqrt{k})$ convergence rate for the distance of the
iterates to the solution. Finally, for inclusions featuring strong monotonicity
and cocoercivity, linear convergence is established.
|
Gear Training: A new way to implement high-performance model-parallel
training
|
The training of Deep Neural Networks usually needs tremendous computing
resources. Therefore many deep models are trained in large cluster instead of
single machine or GPU. Though major researchs at present try to run whole model
on all machines by using asynchronous asynchronous stochastic gradient descent
(ASGD), we present a new approach to train deep model parallely -- split the
model and then seperately train different parts of it in different speed.
|
When and where do feed-forward neural networks learn localist
representations?
|
According to parallel distributed processing (PDP) theory in psychology,
neural networks (NN) learn distributed rather than interpretable localist
representations. This view has been held so strongly that few researchers have
analysed single units to determine if this assumption is correct. However,
recent results from psychology, neuroscience and computer science have shown
the occasional existence of local codes emerging in artificial and biological
neural networks. In this paper, we undertake the first systematic survey of
when local codes emerge in a feed-forward neural network, using generated input
and output data with known qualities. We find that the number of local codes
that emerge from a NN follows a well-defined distribution across the number of
hidden layer neurons, with a peak determined by the size of input data, number
of examples presented and the sparsity of input data. Using a 1-hot output code
drastically decreases the number of local codes on the hidden layer. The number
of emergent local codes increases with the percentage of dropout applied to the
hidden layer, suggesting that the localist encoding may offer a resilience to
noisy networks. This data suggests that localist coding can emerge from
feed-forward PDP networks and suggests some of the conditions that may lead to
interpretable localist representations in the cortex. The findings highlight
how local codes should not be dismissed out of hand.
|
A Fast and Easy Regression Technique for k-NN Classification Without
Using Negative Pairs
|
This paper proposes an inexpensive way to learn an effective dissimilarity
function to be used for $k$-nearest neighbor ($k$-NN) classification. Unlike
Mahalanobis metric learning methods that map both query (unlabeled) objects and
labeled objects to new coordinates by a single transformation, our method
learns a transformation of labeled objects to new points in the feature space
whereas query objects are kept in their original coordinates. This method has
several advantages over existing distance metric learning methods: (i) In
experiments with large document and image datasets, it achieves $k$-NN
classification accuracy better than or at least comparable to the
state-of-the-art metric learning methods. (ii) The transformation can be
learned efficiently by solving a standard ridge regression problem. For
document and image datasets, training is often more than two orders of
magnitude faster than the fastest metric learning methods tested. This speed-up
is also due to the fact that the proposed method eliminates the optimization
over "negative" object pairs, i.e., objects whose class labels are different.
(iii) The formulation has a theoretical justification in terms of reducing
hubness in data.
|
Learning Linear Temporal Properties
|
We present two novel algorithms for learning formulas in Linear Temporal
Logic (LTL) from examples. The first learning algorithm reduces the learning
task to a series of satisfiability problems in propositional Boolean logic and
produces a smallest LTL formula (in terms of the number of subformulas) that is
consistent with the given data. Our second learning algorithm, on the other
hand, combines the SAT-based learning algorithm with classical algorithms for
learning decision trees. The result is a learning algorithm that scales to
real-world scenarios with hundreds of examples, but can no longer guarantee to
produce minimal consistent LTL formulas. We compare both learning algorithms
and demonstrate their performance on a wide range of synthetic benchmarks.
Additionally, we illustrate their usefulness on the task of understanding
executions of a leader election protocol.
|
AGIL: Learning Attention from Human for Visuomotor Tasks
|
When intelligent agents learn visuomotor behaviors from human demonstrations,
they may benefit from knowing where the human is allocating visual attention,
which can be inferred from their gaze. A wealth of information regarding
intelligent decision making is conveyed by human gaze allocation; hence,
exploiting such information has the potential to improve the agents'
performance. With this motivation, we propose the AGIL (Attention Guided
Imitation Learning) framework. We collect high-quality human action and gaze
data while playing Atari games in a carefully controlled experimental setting.
Using these data, we first train a deep neural network that can predict human
gaze positions and visual attention with high accuracy (the gaze network) and
then train another network to predict human actions (the policy network).
Incorporating the learned attention model from the gaze network into the policy
network significantly improves the action prediction accuracy and task
performance.
|
Rotation Equivariant CNNs for Digital Pathology
|
We propose a new model for digital pathology segmentation, based on the
observation that histopathology images are inherently symmetric under rotation
and reflection. Utilizing recent findings on rotation equivariant CNNs, the
proposed model leverages these symmetries in a principled manner. We present a
visual analysis showing improved stability on predictions, and demonstrate that
exploiting rotation equivariance significantly improves tumor detection
performance on a challenging lymph node metastases dataset. We further present
a novel derived dataset to enable principled comparison of machine learning
models, in combination with an initial benchmark. Through this dataset, the
task of histopathology diagnosis becomes accessible as a challenging benchmark
for fundamental machine learning research.
|
Neural Proximal Gradient Descent for Compressive Imaging
|
Recovering high-resolution images from limited sensory data typically leads
to a serious ill-posed inverse problem, demanding inversion algorithms that
effectively capture the prior information. Learning a good inverse mapping from
training data faces severe challenges, including: (i) scarcity of training
data; (ii) need for plausible reconstructions that are physically feasible;
(iii) need for fast reconstruction, especially in real-time applications. We
develop a successful system solving all these challenges, using as basic
architecture the recurrent application of proximal gradient algorithm. We learn
a proximal map that works well with real images based on residual networks.
Contraction of the resulting map is analyzed, and incoherence conditions are
investigated that drive the convergence of the iterates. Extensive experiments
are carried out under different settings: (a) reconstructing abdominal MRI of
pediatric patients from highly undersampled Fourier-space data and (b)
superresolving natural face images. Our key findings include: 1. a recurrent
ResNet with a single residual block unrolled from an iterative algorithm yields
an effective proximal which accurately reveals MR image details. 2. Our
architecture significantly outperforms conventional non-recurrent deep ResNets
by 2dB SNR; it is also trained much more rapidly. 3. It outperforms
state-of-the-art compressed-sensing Wavelet-based methods by 4dB SNR, with 100x
speedups in reconstruction time.
|
CapsGAN: Using Dynamic Routing for Generative Adversarial Networks
|
In this paper, we propose a novel technique for generating images in the 3D
domain from images with high degree of geometrical transformations. By
coalescing two popular concurrent methods that have seen rapid ascension to the
machine learning zeitgeist in recent years: GANs (Goodfellow et. al.) and
Capsule networks (Sabour, Hinton et. al.) - we present: \textbf{CapsGAN}. We
show that CapsGAN performs better than or equal to traditional CNN based GANs
in generating images with high geometric transformations using rotated MNIST.
In the process, we also show the efficacy of using capsules architecture in the
GANs domain. Furthermore, we tackle the Gordian Knot in training GANs - the
performance control and training stability by experimenting with using
Wasserstein distance (gradient clipping, penalty) and Spectral Normalization.
The experimental findings of this paper should propel the application of
capsules and GANs in the still exciting and nascent domain of 3D image
generation, and plausibly video (frame) generation.
|
A Multi-task Deep Learning Architecture for Maritime Surveillance using
AIS Data Streams
|
In a world of global trading, maritime safety, security and efficiency are
crucial issues. We propose a multi-task deep learning framework for vessel
monitoring using Automatic Identification System (AIS) data streams. We combine
recurrent neural networks with latent variable modeling and an embedding of AIS
messages to a new representation space to jointly address key issues to be
dealt with when considering AIS data streams: massive amount of streaming data,
noisy data and irregular timesampling. We demonstrate the relevance of the
proposed deep learning framework on real AIS datasets for a three-task setting,
namely trajectory reconstruction, anomaly detection and vessel type
identification.
|
State Classification with CNN
|
There is a plenty of research going on in field of object recognition, but
object state recognition has not been addressed as much. There are many
important applications which can utilize object state recognition, such as, in
robotics, to decide for how to grab an object. A convolution neural network was
designed to classify an image to one of its states. The approach used for
training is transfer learning with Inception v3 module of GoogLeNet used as the
pre-trained model. The model was trained on images of 18 cooking objects and
tested on another set of cooking objects. The model was able to classify those
images with 76% accuracy.
|
Rethinking Radiology: An Analysis of Different Approaches to BraTS
|
This paper discusses the deep learning architectures currently used for
pixel-wise segmentation of primary and secondary glioblastomas and low-grade
gliomas. We implement various models such as the popular UNet architecture and
compare the performance of these implementations on the BRATS dataset. This
paper will explore the different approaches and combinations, offering an in
depth discussion of how they perform and how we may improve upon them using
more recent advancements in deep learning architectures.
|
Real-time coherent diffraction inversion using deep generative networks
|
Phase retrieval, or the process of recovering phase information in reciprocal
space to reconstruct images from measured intensity alone, is the underlying
basis to a variety of imaging applications including coherent diffraction
imaging (CDI). Typical phase retrieval algorithms are iterative in nature, and
hence, are time-consuming and computationally expensive, precluding real-time
imaging. Furthermore, iterative phase retrieval algorithms struggle to converge
to the correct solution especially in the presence of strong phase structures.
In this work, we demonstrate the training and testing of CDI NN, a pair of deep
deconvolutional networks trained to predict structure and phase in real space
of a 2D object from its corresponding far-field diffraction intensities alone.
Once trained, CDI NN can invert a diffraction pattern to an image within a few
milliseconds of compute time on a standard desktop machine, opening the door to
real-time imaging.
|
Aggregating Predictions on Multiple Non-disclosed Datasets using
Conformal Prediction
|
Conformal Prediction is a machine learning methodology that produces valid
prediction regions under mild conditions. In this paper, we explore the
application of making predictions over multiple data sources of different sizes
without disclosing data between the sources. We propose that each data source
applies a transductive conformal predictor independently using the local data,
and that the individual predictions are then aggregated to form a combined
prediction region. We demonstrate the method on several data sets, and show
that the proposed method produces conservatively valid predictions and reduces
the variance in the aggregated predictions. We also study the effect that the
number of data sources and size of each source has on aggregated predictions,
as compared with equally sized sources and pooled data.
|
Baselines and a datasheet for the Cerema AWP dataset
|
This paper presents the recently published Cerema AWP (Adverse Weather
Pedestrian) dataset for various machine learning tasks and its exports in
machine learning friendly format. We explain why this dataset can be
interesting (mainly because it is a greatly controlled and fully annotated
image dataset) and present baseline results for various tasks. Moreover, we
decided to follow the very recent suggestions of datasheets for dataset, trying
to standardize all the available information of the dataset, with a
transparency objective.
|
High Dimensional Data Enrichment: Interpretable, Fast, and
Data-Efficient
|
High dimensional structured data enriched model describes groups of
observations by shared and per-group individual parameters, each with its own
structure such as sparsity or group sparsity. In this paper, we consider the
general form of data enrichment where data comes in a fixed but arbitrary
number of groups G. Any convex function, e.g., norms, can characterize the
structure of both shared and individual parameters. We propose an estimator for
high dimensional data enriched model and provide conditions under which it
consistently estimates both shared and individual parameters. We also delineate
sample complexity of the estimator and present high probability non-asymptotic
bound on estimation error of all parameters. Interestingly the sample
complexity of our estimator translates to conditions on both per-group sample
sizes and the total number of samples. We propose an iterative estimation
algorithm with linear convergence rate and supplement our theoretical analysis
with synthetic and real experimental results. Particularly, we show the
predictive power of data-enriched model along with its interpretable results in
anticancer drug sensitivity analysis.
|
ATOMO: Communication-efficient Learning via Atomic Sparsification
|
Distributed model training suffers from communication overheads due to
frequent gradient updates transmitted between compute nodes. To mitigate these
overheads, several studies propose the use of sparsified stochastic gradients.
We argue that these are facets of a general sparsification method that can
operate on any possible atomic decomposition. Notable examples include
element-wise, singular value, and Fourier decompositions. We present ATOMO, a
general framework for atomic sparsification of stochastic gradients. Given a
gradient, an atomic decomposition, and a sparsity budget, ATOMO gives a random
unbiased sparsification of the atoms minimizing variance. We show that recent
methods such as QSGD and TernGrad are special cases of ATOMO and that
sparsifiying the singular value decomposition of neural networks gradients,
rather than their coordinates, can lead to significantly faster distributed
training.
|
Learning to Decompose and Disentangle Representations for Video
Prediction
|
Our goal is to predict future video frames given a sequence of input frames.
Despite large amounts of video data, this remains a challenging task because of
the high-dimensionality of video frames. We address this challenge by proposing
the Decompositional Disentangled Predictive Auto-Encoder (DDPAE), a framework
that combines structured probabilistic models and deep networks to
automatically (i) decompose the high-dimensional video that we aim to predict
into components, and (ii) disentangle each component to have low-dimensional
temporal dynamics that are easier to predict. Crucially, with an appropriately
specified generative model of video frames, our DDPAE is able to learn both the
latent decomposition and disentanglement without explicit supervision. For the
Moving MNIST dataset, we show that DDPAE is able to recover the underlying
components (individual digits) and disentanglement (appearance and location) as
we would intuitively do. We further demonstrate that DDPAE can be applied to
the Bouncing Balls dataset involving complex interactions between multiple
objects to predict the video frame directly from the pixels and recover
physical states without explicit supervision.
|
Learning an Approximate Model Predictive Controller with Guarantees
|
A supervised learning framework is proposed to approximate a model predictive
controller (MPC) with reduced computational complexity and guarantees on
stability and constraint satisfaction. The framework can be used for a wide
class of nonlinear systems. Any standard supervised learning technique (e.g.
neural networks) can be employed to approximate the MPC from samples. In order
to obtain closed-loop guarantees for the learned MPC, a robust MPC design is
combined with statistical learning bounds. The MPC design ensures robustness to
inaccurate inputs within given bounds, and Hoeffding's Inequality is used to
validate that the learned MPC satisfies these bounds with high confidence. The
result is a closed-loop statistical guarantee on stability and constraint
satisfaction for the learned MPC. The proposed learning-based MPC framework is
illustrated on a nonlinear benchmark problem, for which we learn a neural
network controller with guarantees.
|
Straight to the Tree: Constituency Parsing with Neural Syntactic
Distance
|
In this work, we propose a novel constituency parsing scheme. The model
predicts a vector of real-valued scalars, named syntactic distances, for each
split position in the input sentence. The syntactic distances specify the order
in which the split points will be selected, recursively partitioning the input,
in a top-down fashion. Compared to traditional shift-reduce parsing schemes,
our approach is free from the potential problem of compounding errors, while
being faster and easier to parallelize. Our model achieves competitive
performance amongst single model, discriminative parsers in the PTB dataset and
outperforms previous models in the CTB dataset.
|
Defense Against the Dark Arts: An overview of adversarial example
security research and future research directions
|
This article presents a summary of a keynote lecture at the Deep Learning
Security workshop at IEEE Security and Privacy 2018. This lecture summarizes
the state of the art in defenses against adversarial examples and provides
recommendations for future research directions on this topic.
|
A Note about: Local Explanation Methods for Deep Neural Networks lack
Sensitivity to Parameter Values
|
Local explanation methods, also known as attribution methods, attribute a
deep network's prediction to its input (cf. Baehrens et al. (2010)). We respond
to the claim from Adebayo et al. (2018) that local explanation methods lack
sensitivity, i.e., DNNs with randomly-initialized weights produce explanations
that are both visually and quantitatively similar to those produced by DNNs
with learned weights.
Further investigation reveals that their findings are due to two choices in
their analysis: (a) ignoring the signs of the attributions; and (b) for
integrated gradients (IG), including pixels in their analysis that have zero
attributions by choice of the baseline (an auxiliary input relative to which
the attributions are computed). When both factors are accounted for, IG
attributions for a random network and the actual network are uncorrelated. Our
investigation also sheds light on how these issues affect visualizations,
although we note that more work is needed to understand how viewers interpret
the difference between the random and the actual attributions.
|
NeuroNet: Fast and Robust Reproduction of Multiple Brain Image
Segmentation Pipelines
|
NeuroNet is a deep convolutional neural network mimicking multiple popular
and state-of-the-art brain segmentation tools including FSL, SPM, and MALPEM.
The network is trained on 5,000 T1-weighted brain MRI scans from the UK Biobank
Imaging Study that have been automatically segmented into brain tissue and
cortical and sub-cortical structures using the standard neuroimaging pipelines.
Training a single model from these complementary and partially overlapping
label maps yields a new powerful "all-in-one", multi-output segmentation tool.
The processing time for a single subject is reduced by an order of magnitude
compared to running each individual software package. We demonstrate very good
reproducibility of the original outputs while increasing robustness to
variations in the input data. We believe NeuroNet could be an important tool in
large-scale population imaging studies and serve as a new standard in
neuroscience by reducing the risk of introducing bias when choosing a specific
software package.
|
PAC-Bayes Control: Learning Policies that Provably Generalize to Novel
Environments
|
Our goal is to learn control policies for robots that provably generalize
well to novel environments given a dataset of example environments. The key
technical idea behind our approach is to leverage tools from generalization
theory in machine learning by exploiting a precise analogy (which we present in
the form of a reduction) between generalization of control policies to novel
environments and generalization of hypotheses in the supervised learning
setting. In particular, we utilize the Probably Approximately Correct
(PAC)-Bayes framework, which allows us to obtain upper bounds that hold with
high probability on the expected cost of (stochastic) control policies across
novel environments. We propose policy learning algorithms that explicitly seek
to minimize this upper bound. The corresponding optimization problem can be
solved using convex optimization (Relative Entropy Programming in particular)
in the setting where we are optimizing over a finite policy space. In the more
general setting of continuously parameterized policies (e.g., neural network
policies), we minimize this upper bound using stochastic gradient descent. We
present simulated results of our approach applied to learning (1) reactive
obstacle avoidance policies and (2) neural network-based grasping policies. We
also present hardware results for the Parrot Swing drone navigating through
different obstacle environments. Our examples demonstrate the potential of our
approach to provide strong generalization guarantees for robotic systems with
continuous state and action spaces, complicated (e.g., nonlinear) dynamics,
rich sensory inputs (e.g., depth images), and neural network-based policies.
|
The Potential of the Return Distribution for Exploration in RL
|
This paper studies the potential of the return distribution for exploration
in deterministic reinforcement learning (RL) environments. We study network
losses and propagation mechanisms for Gaussian, Categorical and Gaussian
mixture distributions. Combined with exploration policies that leverage this
return distribution, we solve, for example, a randomized Chain task of length
100, which has not been reported before when learning with neural networks.
|
Learning to Speed Up Structured Output Prediction
|
Predicting structured outputs can be computationally onerous due to the
combinatorially large output spaces. In this paper, we focus on reducing the
prediction time of a trained black-box structured classifier without losing
accuracy. To do so, we train a speedup classifier that learns to mimic a
black-box classifier under the learning-to-search approach. As the structured
classifier predicts more examples, the speedup classifier will operate as a
learned heuristic to guide search to favorable regions of the output space. We
present a mistake bound for the speedup classifier and identify inference
situations where it can independently make correct judgments without input
features. We evaluate our method on the task of entity and relation extraction
and show that the speedup classifier outperforms even greedy search in terms of
speed without loss of accuracy.
|
The NES Music Database: A multi-instrumental dataset with expressive
performance attributes
|
Existing research on music generation focuses on composition, but often
ignores the expressive performance characteristics required for plausible
renditions of resultant pieces. In this paper, we introduce the Nintendo
Entertainment System Music Database (NES-MDB), a large corpus allowing for
separate examination of the tasks of composition and performance. NES-MDB
contains thousands of multi-instrumental songs composed for playback by the
compositionally-constrained NES audio synthesizer. For each song, the dataset
contains a musical score for four instrument voices as well as expressive
attributes for the dynamics and timbre of each voice. Unlike datasets comprised
of General MIDI files, NES-MDB includes all of the information needed to render
exact acoustic performances of the original compositions. Alongside the
dataset, we provide a tool that renders generated compositions as NES-style
audio by emulating the device's audio processor. Additionally, we establish
baselines for the tasks of composition, which consists of learning the
semantics of composing for the NES synthesizer, and performance, which involves
finding a mapping between a composition and realistic expressive attributes.
|
iParaphrasing: Extracting Visually Grounded Paraphrases via an Image
|
A paraphrase is a restatement of the meaning of a text in other words.
Paraphrases have been studied to enhance the performance of many natural
language processing tasks. In this paper, we propose a novel task iParaphrasing
to extract visually grounded paraphrases (VGPs), which are different phrasal
expressions describing the same visual concept in an image. These extracted
VGPs have the potential to improve language and image multimodal tasks such as
visual question answering and image captioning. How to model the similarity
between VGPs is the key of iParaphrasing. We apply various existing methods as
well as propose a novel neural network-based method with image attention, and
report the results of the first attempt toward iParaphrasing.
|
Diverse Online Feature Selection
|
Online feature selection has been an active research area in recent years. We
propose a novel diverse online feature selection method based on Determinantal
Point Processes (DPP). Our model aims to provide diverse features which can be
composed in either a supervised or unsupervised framework. The framework aims
to promote diversity based on the kernel produced on a feature level, through
at most three stages: feature sampling, local criteria and global criteria for
feature selection. In the feature sampling, we sample incoming stream of
features using conditional DPP. The local criteria is used to assess and select
streamed features (i.e. only when they arrive), we use unsupervised scale
invariant methods to remove redundant features and optionally supervised
methods to introduce label information to assess relevant features. Lastly, the
global criteria uses regularization methods to select a global optimal subset
of features. This three stage procedure continues until there are no more
features arriving or some predefined stopping condition is met. We demonstrate
based on experiments conducted on that this approach yields better compactness,
is comparable and in some instances outperforms other state-of-the-art online
feature selection methods.
|
MISSION: Ultra Large-Scale Feature Selection using Count-Sketches
|
Feature selection is an important challenge in machine learning. It plays a
crucial role in the explainability of machine-driven decisions that are rapidly
permeating throughout modern society. Unfortunately, the explosion in the size
and dimensionality of real-world datasets poses a severe challenge to standard
feature selection algorithms. Today, it is not uncommon for datasets to have
billions of dimensions. At such scale, even storing the feature vector is
impossible, causing most existing feature selection methods to fail.
Workarounds like feature hashing, a standard approach to large-scale machine
learning, helps with the computational feasibility, but at the cost of losing
the interpretability of features. In this paper, we present MISSION, a novel
framework for ultra large-scale feature selection that performs stochastic
gradient descent while maintaining an efficient representation of the features
in memory using a Count-Sketch data structure. MISSION retains the simplicity
of feature hashing without sacrificing the interpretability of the features
while using only O(log^2(p)) working memory. We demonstrate that MISSION
accurately and efficiently performs feature selection on real-world,
large-scale datasets with billions of dimensions.
|
Embedding Text in Hyperbolic Spaces
|
Natural language text exhibits hierarchical structure in a variety of
respects. Ideally, we could incorporate our prior knowledge of this
hierarchical structure into unsupervised learning algorithms that work on text
data. Recent work by Nickel & Kiela (2017) proposed using hyperbolic instead of
Euclidean embedding spaces to represent hierarchical data and demonstrated
encouraging results when embedding graphs. In this work, we extend their method
with a re-parameterization technique that allows us to learn hyperbolic
embeddings of arbitrarily parameterized objects. We apply this framework to
learn word and sentence embeddings in hyperbolic space in an unsupervised
manner from text corpora. The resulting embeddings seem to encode certain
intuitive notions of hierarchy, such as word-context frequency and phrase
constituency. However, the implicit continuous hierarchy in the learned
hyperbolic space makes interrogating the model's learned hierarchies more
difficult than for models that learn explicit edges between items. The learned
hyperbolic embeddings show improvements over Euclidean embeddings in some --
but not all -- downstream tasks, suggesting that hierarchical organization is
more useful for some tasks than others.
|
Energy-Constrained Compression for Deep Neural Networks via Weighted
Sparse Projection and Layer Input Masking
|
Deep Neural Networks (DNNs) are increasingly deployed in highly
energy-constrained environments such as autonomous drones and wearable devices
while at the same time must operate in real-time. Therefore, reducing the
energy consumption has become a major design consideration in DNN training.
This paper proposes the first end-to-end DNN training framework that provides
quantitative energy consumption guarantees via weighted sparse projection and
input masking. The key idea is to formulate the DNN training as an optimization
problem in which the energy budget imposes a previously unconsidered
optimization constraint. We integrate the quantitative DNN energy estimation
into the DNN training process to assist the constrained optimization. We prove
that an approximate algorithm can be used to efficiently solve the optimization
problem. Compared to the best prior energy-saving methods, our framework trains
DNNs that provide higher accuracies under same or lower energy budgets. Code is
publicly available.
|
Differentiable Compositional Kernel Learning for Gaussian Processes
|
The generalization properties of Gaussian processes depend heavily on the
choice of kernel, and this choice remains a dark art. We present the Neural
Kernel Network (NKN), a flexible family of kernels represented by a neural
network. The NKN architecture is based on the composition rules for kernels, so
that each unit of the network corresponds to a valid kernel. It can compactly
approximate compositional kernel structures such as those used by the Automatic
Statistician (Lloyd et al., 2014), but because the architecture is
differentiable, it is end-to-end trainable with gradient-based optimization. We
show that the NKN is universal for the class of stationary kernels. Empirically
we demonstrate pattern discovery and extrapolation abilities of NKN on several
tasks that depend crucially on identifying the underlying structure, including
time series and texture extrapolation, as well as Bayesian optimization.
|
When Will Gradient Methods Converge to Max-margin Classifier under ReLU
Models?
|
We study the implicit bias of gradient descent methods in solving a binary
classification problem over a linearly separable dataset. The classifier is
described by a nonlinear ReLU model and the objective function adopts the
exponential loss function. We first characterize the landscape of the loss
function and show that there can exist spurious asymptotic local minima besides
asymptotic global minima. We then show that gradient descent (GD) can converge
to either a global or a local max-margin direction, or may diverge from the
desired max-margin direction in a general context. For stochastic gradient
descent (SGD), we show that it converges in expectation to either the global or
the local max-margin direction if SGD converges. We further explore the
implicit bias of these algorithms in learning a multi-neuron network under
certain stationary conditions, and show that the learned classifier maximizes
the margins of each sample pattern partition under the ReLU activation.
|
Focused Hierarchical RNNs for Conditional Sequence Processing
|
Recurrent Neural Networks (RNNs) with attention mechanisms have obtained
state-of-the-art results for many sequence processing tasks. Most of these
models use a simple form of encoder with attention that looks over the entire
sequence and assigns a weight to each token independently. We present a
mechanism for focusing RNN encoders for sequence modelling tasks which allows
them to attend to key parts of the input as needed. We formulate this using a
multi-layer conditional sequence encoder that reads in one token at a time and
makes a discrete decision on whether the token is relevant to the context or
question being asked. The discrete gating mechanism takes in the context
embedding and the current hidden state as inputs and controls information flow
into the layer above. We train it using policy gradient methods. We evaluate
this method on several types of tasks with different attributes. First, we
evaluate the method on synthetic tasks which allow us to evaluate the model for
its generalization ability and probe the behavior of the gates in more
controlled settings. We then evaluate this approach on large scale Question
Answering tasks including the challenging MS MARCO and SearchQA tasks. Our
models shows consistent improvements for both tasks over prior work and our
baselines. It has also shown to generalize significantly better on synthetic
tasks as compared to the baselines.
|
Attentive cross-modal paratope prediction
|
Antibodies are a critical part of the immune system, having the function of
directly neutralising or tagging undesirable objects (the antigens) for future
destruction. Being able to predict which amino acids belong to the paratope,
the region on the antibody which binds to the antigen, can facilitate antibody
design and contribute to the development of personalised medicine. The
suitability of deep neural networks has recently been confirmed for this task,
with Parapred outperforming all prior physical models. Our contribution is
twofold: first, we significantly outperform the computational efficiency of
Parapred by leveraging \`a trous convolutions and self-attention. Secondly, we
implement cross-modal attention by allowing the antibody residues to attend
over antigen residues. This leads to new state-of-the-art results on this task,
along with insightful interpretations.
|
Quaternion Recurrent Neural Networks
|
Recurrent neural networks (RNNs) are powerful architectures to model
sequential data, due to their capability to learn short and long-term
dependencies between the basic elements of a sequence. Nonetheless, popular
tasks such as speech or images recognition, involve multi-dimensional input
features that are characterized by strong internal dependencies between the
dimensions of the input vector. We propose a novel quaternion recurrent neural
network (QRNN), alongside with a quaternion long-short term memory neural
network (QLSTM), that take into account both the external relations and these
internal structural dependencies with the quaternion algebra. Similarly to
capsules, quaternions allow the QRNN to code internal dependencies by composing
and processing multidimensional features as single entities, while the
recurrent operation reveals correlations between the elements composing the
sequence. We show that both QRNN and QLSTM achieve better performances than RNN
and LSTM in a realistic application of automatic speech recognition. Finally,
we show that QRNN and QLSTM reduce by a maximum factor of 3.3x the number of
free parameters needed, compared to real-valued RNNs and LSTMs to reach better
results, leading to a more compact representation of the relevant information.
|
ToxicBlend: Virtual Screening of Toxic Compounds with Ensemble
Predictors
|
Timely assessment of compound toxicity is one of the biggest challenges
facing the pharmaceutical industry today. A significant proportion of compounds
identified as potential leads are ultimately discarded due to the toxicity they
induce. In this paper, we propose a novel machine learning approach for the
prediction of molecular activity on ToxCast targets. We combine extreme
gradient boosting with fully-connected and graph-convolutional neural network
architectures trained on QSAR physical molecular property descriptors, PubChem
molecular fingerprints, and SMILES sequences. Our ensemble predictor leverages
the strengths of each individual technique, significantly outperforming
existing state-of-the art models on the ToxCast and Tox21 toxicity-prediction
datasets. We provide free access to molecule toxicity prediction using our
model at http://www.owkin.com/toxicblend.
|
Sparse Stochastic Zeroth-Order Optimization with an Application to
Bandit Structured Prediction
|
Stochastic zeroth-order (SZO), or gradient-free, optimization allows to
optimize arbitrary functions by relying only on function evaluations under
parameter perturbations, however, the iteration complexity of SZO methods
suffers a factor proportional to the dimensionality of the perturbed function.
We show that in scenarios with natural sparsity patterns as in structured
prediction applications, this factor can be reduced to the expected number of
active features over input-output pairs. We give a general proof that applies
sparse SZO optimization to Lipschitz-continuous, nonconvex, stochastic
objectives, and present an experimental evaluation on linear bandit structured
prediction tasks with sparse word-based feature representations that confirm
our theoretical results.
|
Gaussian mixture models with Wasserstein distance
|
Generative models with both discrete and continuous latent variables are
highly motivated by the structure of many real-world data sets. They present,
however, subtleties in training often manifesting in the discrete latent being
under leveraged. In this paper, we show that such models are more amenable to
training when using the Optimal Transport framework of Wasserstein
Autoencoders. We find our discrete latent variable to be fully leveraged by the
model when trained, without any modifications to the objective function or
significant fine tuning. Our model generates comparable samples to other
approaches while using relatively simple neural networks, since the discrete
latent variable carries much of the descriptive burden. Furthermore, the
discrete latent provides significant control over generation.
|
Improving latent variable descriptiveness with AutoGen
|
Powerful generative models, particularly in Natural Language Modelling, are
commonly trained by maximizing a variational lower bound on the data log
likelihood. These models often suffer from poor use of their latent variable,
with ad-hoc annealing factors used to encourage retention of information in the
latent variable. We discuss an alternative and general approach to latent
variable modelling, based on an objective that combines the data log likelihood
as well as the likelihood of a perfect reconstruction through an autoencoder.
Tying these together ensures by design that the latent variable captures
information about the observations, whilst retaining the ability to generate
well. Interestingly, though this approach is a priori unrelated to VAEs, the
lower bound attained is identical to the standard VAE bound but with the
addition of a simple pre-factor; thus, providing a formal interpretation of the
commonly used, ad-hoc pre-factors in training VAEs.
|
The Unusual Effectiveness of Averaging in GAN Training
|
We examine two different techniques for parameter averaging in GAN training.
Moving Average (MA) computes the time-average of parameters, whereas
Exponential Moving Average (EMA) computes an exponentially discounted sum.
Whilst MA is known to lead to convergence in bilinear settings, we provide the
-- to our knowledge -- first theoretical arguments in support of EMA. We show
that EMA converges to limit cycles around the equilibrium with vanishing
amplitude as the discount parameter approaches one for simple bilinear games
and also enhances the stability of general GAN training. We establish
experimentally that both techniques are strikingly effective in the
non-convex-concave GAN setting as well. Both improve inception and FID scores
on different architectures and for different GAN objectives. We provide
comprehensive experimental results across a range of datasets -- mixture of
Gaussians, CIFAR-10, STL-10, CelebA and ImageNet -- to demonstrate its
effectiveness. We achieve state-of-the-art results on CIFAR-10 and produce
clean CelebA face images.\footnote{~The code is available at
\url{https://github.com/yasinyazici/EMA_GAN}}
|
A review on distance based time series classification
|
Time series classification is an increasing research topic due to the vast
amount of time series data that are being created over a wide variety of
fields. The particularity of the data makes it a challenging task and different
approaches have been taken, including the distance based approach. 1-NN has
been a widely used method within distance based time series classification due
to it simplicity but still good performance. However, its supremacy may be
attributed to being able to use specific distances for time series within the
classification process and not to the classifier itself. With the aim of
exploiting these distances within more complex classifiers, new approaches have
arisen in the past few years that are competitive or which outperform the 1-NN
based approaches. In some cases, these new methods use the distance measure to
transform the series into feature vectors, bridging the gap between time series
and traditional classifiers. In other cases, the distances are employed to
obtain a time series kernel and enable the use of kernel methods for time
series classification. One of the main challenges is that a kernel function
must be positive semi-definite, a matter that is also addressed within this
review. The presented review includes a taxonomy of all those methods that aim
to classify time series using a distance based approach, as well as a
discussion of the strengths and weaknesses of each method.
|
Dank Learning: Generating Memes Using Deep Neural Networks
|
We introduce a novel meme generation system, which given any image can
produce a humorous and relevant caption. Furthermore, the system can be
conditioned on not only an image but also a user-defined label relating to the
meme template, giving a handle to the user on meme content. The system uses a
pretrained Inception-v3 network to return an image embedding which is passed to
an attention-based deep-layer LSTM model producing the caption - inspired by
the widely recognised Show and Tell Model. We implement a modified beam search
to encourage diversity in the captions. We evaluate the quality of our model
using perplexity and human assessment on both the quality of memes generated
and whether they can be differentiated from real ones. Our model produces
original memes that cannot on the whole be differentiated from real ones.
|
Meta-Learning for Stochastic Gradient MCMC
|
Stochastic gradient Markov chain Monte Carlo (SG-MCMC) has become
increasingly popular for simulating posterior samples in large-scale Bayesian
modeling. However, existing SG-MCMC schemes are not tailored to any specific
probabilistic model, even a simple modification of the underlying dynamical
system requires significant physical intuition. This paper presents the first
meta-learning algorithm that allows automated design for the underlying
continuous dynamics of an SG-MCMC sampler. The learned sampler generalizes
Hamiltonian dynamics with state-dependent drift and diffusion, enabling fast
traversal and efficient exploration of neural network energy landscapes.
Experiments validate the proposed approach on both Bayesian fully connected
neural network and Bayesian recurrent neural network tasks, showing that the
learned sampler out-performs generic, hand-designed SG-MCMC algorithms, and
generalizes to different datasets and larger architectures.
|
Approximate inference with Wasserstein gradient flows
|
We present a novel approximate inference method for diffusion processes,
based on the Wasserstein gradient flow formulation of the diffusion. In this
formulation, the time-dependent density of the diffusion is derived as the
limit of implicit Euler steps that follow the gradients of a particular free
energy functional. Existing methods for computing Wasserstein gradient flows
rely on discretization of the domain of the diffusion, prohibiting their
application to domains in more than several dimensions. We propose instead a
discretization-free inference method that computes the Wasserstein gradient
flow directly in a space of continuous functions. We characterize approximation
properties of the proposed method and evaluate it on a nonlinear filtering
task, finding performance comparable to the state-of-the-art for filtering
diffusions.
|
Early Seizure Detection with an Energy-Efficient Convolutional Neural
Network on an Implantable Microcontroller
|
Implantable, closed-loop devices for automated early detection and
stimulation of epileptic seizures are promising treatment options for patients
with severe epilepsy that cannot be treated with traditional means. Most
approaches for early seizure detection in the literature are, however, not
optimized for implementation on ultra-low power microcontrollers required for
long-term implantation. In this paper we present a convolutional neural network
for the early detection of seizures from intracranial EEG signals, designed
specifically for this purpose. In addition, we investigate approximations to
comply with hardware limits while preserving accuracy. We compare our approach
to three previously proposed convolutional neural networks and a feature-based
SVM classifier with respect to detection accuracy, latency and computational
needs. Evaluation is based on a comprehensive database with long-term EEG
recordings. The proposed method outperforms the other detectors with a median
sensitivity of 0.96, false detection rate of 10.1 per hour and median detection
delay of 3.7 seconds, while being the only approach suited to be realized on a
low power microcontroller due to its parsimonious use of computational and
memory resources.
|
Deep State Space Models for Unconditional Word Generation
|
Autoregressive feedback is considered a necessity for successful
unconditional text generation using stochastic sequence models. However, such
feedback is known to introduce systematic biases into the training process and
it obscures a principle of generation: committing to global information and
forgetting local nuances. We show that a non-autoregressive deep state space
model with a clear separation of global and local uncertainty can be built from
only two ingredients: An independent noise source and a deterministic
transition function. Recent advances on flow-based variational inference can be
used to train an evidence lower-bound without resorting to annealing, auxiliary
losses or similar measures. The result is a highly interpretable generative
model on par with comparable auto-regressive models on the task of word
generation.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.