title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Decentralized High-Dimensional Bayesian Optimization with Factor Graphs | This paper presents a novel decentralized high-dimensional Bayesian
optimization (DEC-HBO) algorithm that, in contrast to existing HBO algorithms,
can exploit the interdependent effects of various input components on the
output of the unknown objective function f for boosting the BO performance and
still preserve scalability in the number of input dimensions without requiring
prior knowledge or the existence of a low (effective) dimension of the input
space. To realize this, we propose a sparse yet rich factor graph
representation of f to be exploited for designing an acquisition function that
can be similarly represented by a sparse factor graph and hence be efficiently
optimized in a decentralized manner using distributed message passing. Despite
richly characterizing the interdependent effects of the input components on the
output of f with a factor graph, DEC-HBO can still guarantee no-regret
performance asymptotically. Empirical evaluation on synthetic and real-world
experiments (e.g., sparse Gaussian process model with 1811 hyperparameters)
shows that DEC-HBO outperforms the state-of-the-art HBO algorithms.
|
A Coordinate-wise Optimization Algorithm for Sparse Inverse Covariance
Selection | Sparse inverse covariance selection is a fundamental problem for analyzing
dependencies in high dimensional data. However, such a problem is difficult to
solve since it is NP-hard. Existing solutions are primarily based on convex
approximation and iterative hard thresholding, which only lead to sub-optimal
solutions. In this work, we propose a coordinate-wise optimization algorithm to
solve this problem which is guaranteed to converge to a coordinate-wise minimum
point. The algorithm iteratively and greedily selects one variable or swaps two
variables to identify the support set, and then solves a reduced convex
optimization problem over the support set to achieve the greatest descent. As a
side contribution of this paper, we propose a Newton-like algorithm to solve
the reduced convex sub-problem, which is proven to always converge to the
optimal solution with global linear convergence rate and local quadratic
convergence rate. Finally, we demonstrate the efficacy of our method on
synthetic data and real-world data sets. As a result, the proposed method
consistently outperforms existing solutions in terms of accuracy.
|
An Improved Oscillating-Error Classifier with Branching | This paper extends the earlier work on an oscillating error correction
technique. Specifically, it extends the design to include further corrections,
by adding new layers to the classifier through a branching method. This
technique is still consistent with earlier work and also neural networks in
general. With this extended design, the classifier can now achieve the high
levels of accuracy reported previously.
|
A Classifying Variational Autoencoder with Application to Polyphonic
Music Generation | The variational autoencoder (VAE) is a popular probabilistic generative
model. However, one shortcoming of VAEs is that the latent variables cannot be
discrete, which makes it difficult to generate data from different modes of a
distribution. Here, we propose an extension of the VAE framework that
incorporates a classifier to infer the discrete class of the modeled data. To
model sequential data, we can combine our Classifying VAE with a recurrent
neural network such as an LSTM. We apply this model to algorithmic music
generation, where our model learns to generate musical sequences in different
keys. Most previous work in this area avoids modeling key by transposing data
into only one or two keys, as opposed to the 10+ different keys in the original
music. We show that our Classifying VAE and Classifying VAE+LSTM models
outperform the corresponding non-classifying models in generating musical
samples that stay in key. This benefit is especially apparent when trained on
untransposed music data in the original keys.
|
Deep learning for inferring cause of data anomalies | Daily operation of a large-scale experiment is a resource consuming task,
particularly from perspectives of routine data quality monitoring. Typically,
data comes from different sub-detectors and the global quality of data depends
on the combinatorial performance of each of them. In this paper, the problem of
identifying channels in which anomalies occurred is considered. We introduce a
generic deep learning model and prove that, under reasonable assumptions, the
model learns to identify 'channels' which are affected by an anomaly. Such
model could be used for data quality manager cross-check and assistance and
identifying good channels in anomalous data samples. The main novelty of the
method is that the model does not require ground truth labels for each channel,
only global flag is used. This effectively distinguishes the model from
classical classification methods. Being applied to CMS data collected in the
year 2010, this approach proves its ability to decompose anomaly by separate
channels.
|
Prior-aware Dual Decomposition: Document-specific Topic Inference for
Spectral Topic Models | Spectral topic modeling algorithms operate on matrices/tensors of word
co-occurrence statistics to learn topic-specific word distributions. This
approach removes the dependence on the original documents and produces
substantial gains in efficiency and provable topic inference, but at a cost:
the model can no longer provide information about the topic composition of
individual documents. Recently Thresholded Linear Inverse (TLI) is proposed to
map the observed words of each document back to its topic composition. However,
its linear characteristics limit the inference quality without considering the
important prior information over topics. In this paper, we evaluate Simple
Probabilistic Inverse (SPI) method and novel Prior-aware Dual Decomposition
(PADD) that is capable of learning document-specific topic compositions in
parallel. Experiments show that PADD successfully leverages topic correlations
as a prior, notably outperforming TLI and learning quality topic compositions
comparable to Gibbs sampling on various data.
|
Does mitigating ML's impact disparity require treatment disparity? | Following related work in law and policy, two notions of disparity have come
to shape the study of fairness in algorithmic decision-making. Algorithms
exhibit treatment disparity if they formally treat members of protected
subgroups differently; algorithms exhibit impact disparity when outcomes differ
across subgroups, even if the correlation arises unintentionally. Naturally, we
can achieve impact parity through purposeful treatment disparity. In one thread
of technical work, papers aim to reconcile the two forms of parity proposing
disparate learning processes (DLPs). Here, the learning algorithm can see group
membership during training but produce a classifier that is group-blind at test
time. In this paper, we show theoretically that: (i) When other features
correlate to group membership, DLPs will (indirectly) implement treatment
disparity, undermining the policy desiderata they are designed to address; (ii)
When group membership is partly revealed by other features, DLPs induce
within-class discrimination; and (iii) In general, DLPs provide a suboptimal
trade-off between accuracy and impact parity. Based on our technical analysis,
we argue that transparent treatment disparity is preferable to occluded methods
for achieving impact parity. Experimental results on several real-world
datasets highlight the practical consequences of applying DLPs vs. per-group
thresholds.
|
Estimation Considerations in Contextual Bandits | Contextual bandit algorithms are sensitive to the estimation method of the
outcome model as well as the exploration method used, particularly in the
presence of rich heterogeneity or complex outcome models, which can lead to
difficult estimation problems along the path of learning. We study a
consideration for the exploration vs. exploitation framework that does not
arise in multi-armed bandits but is crucial in contextual bandits; the way
exploration and exploitation is conducted in the present affects the bias and
variance in the potential outcome model estimation in subsequent stages of
learning. We develop parametric and non-parametric contextual bandits that
integrate balancing methods from the causal inference literature in their
estimation to make it less prone to problems of estimation bias. We provide the
first regret bound analyses for contextual bandits with balancing in the domain
of linear contextual bandits that match the state of the art regret bounds. We
demonstrate the strong practical advantage of balanced contextual bandits on a
large number of supervised learning datasets and on a synthetic example that
simulates model mis-specification and prejudice in the initial training data.
Additionally, we develop contextual bandits with simpler assignment policies by
leveraging sparse model estimation methods from the econometrics literature and
demonstrate empirically that in the early stages they can improve the rate of
learning and decrease regret.
|
Compression-Based Regularization with an Application to Multi-Task
Learning | This paper investigates, from information theoretic grounds, a learning
problem based on the principle that any regularity in a given dataset can be
exploited to extract compact features from data, i.e., using fewer bits than
needed to fully describe the data itself, in order to build meaningful
representations of a relevant content (multiple labels). We begin by
introducing the noisy lossy source coding paradigm with the log-loss fidelity
criterion which provides the fundamental tradeoffs between the
\emph{cross-entropy loss} (average risk) and the information rate of the
features (model complexity). Our approach allows an information theoretic
formulation of the \emph{multi-task learning} (MTL) problem which is a
supervised learning framework in which the prediction models for several
related tasks are learned jointly from common representations to achieve better
generalization performance. Then, we present an iterative algorithm for
computing the optimal tradeoffs and its global convergence is proven provided
that some conditions hold. An important property of this algorithm is that it
provides a natural safeguard against overfitting, because it minimizes the
average risk taking into account a penalization induced by the model
complexity. Remarkably, empirical results illustrate that there exists an
optimal information rate minimizing the \emph{excess risk} which depends on the
nature and the amount of available training data. An application to
hierarchical text categorization is also investigated, extending previous
works.
|
Deletion-Robust Submodular Maximization at Scale | Can we efficiently extract useful information from a large user-generated
dataset while protecting the privacy of the users and/or ensuring fairness in
representation. We cast this problem as an instance of a deletion-robust
submodular maximization where part of the data may be deleted due to privacy
concerns or fairness criteria. We propose the first memory-efficient
centralized, streaming, and distributed methods with constant-factor
approximation guarantees against any number of adversarial deletions. We
extensively evaluate the performance of our algorithms against prior
state-of-the-art on real-world applications, including (i) Uber-pick up
locations with location privacy constraints; (ii) feature selection with
fairness constraints for income prediction and crime rate prediction; and (iii)
robust to deletion summarization of census data, consisting of 2,458,285
feature vectors.
|
Hello Edge: Keyword Spotting on Microcontrollers | Keyword spotting (KWS) is a critical component for enabling speech based user
interactions on smart devices. It requires real-time response and high accuracy
for good user experience. Recently, neural networks have become an attractive
choice for KWS architecture because of their superior accuracy compared to
traditional speech processing algorithms. Due to its always-on nature, KWS
application has highly constrained power budget and typically runs on tiny
microcontrollers with limited memory and compute capability. The design of
neural network architecture for KWS must consider these constraints. In this
work, we perform neural network architecture evaluation and exploration for
running KWS on resource-constrained microcontrollers. We train various neural
network architectures for keyword spotting published in literature to compare
their accuracy and memory/compute requirements. We show that it is possible to
optimize these neural network architectures to fit within the memory and
compute constraints of microcontrollers without sacrificing accuracy. We
further explore the depthwise separable convolutional neural network (DS-CNN)
and compare it against other neural network architectures. DS-CNN achieves an
accuracy of 95.4%, which is ~10% higher than the DNN model with similar number
of parameters.
|
CleanNet: Transfer Learning for Scalable Image Classifier Training with
Label Noise | In this paper, we study the problem of learning image classification models
with label noise. Existing approaches depending on human supervision are
generally not scalable as manually identifying correct or incorrect labels is
time-consuming, whereas approaches not relying on human supervision are
scalable but less effective. To reduce the amount of human supervision for
label noise cleaning, we introduce CleanNet, a joint neural embedding network,
which only requires a fraction of the classes being manually verified to
provide the knowledge of label noise that can be transferred to other classes.
We further integrate CleanNet and conventional convolutional neural network
classifier into one framework for image classification learning. We demonstrate
the effectiveness of the proposed algorithm on both of the label noise
detection task and the image classification on noisy data task on several
large-scale datasets. Experimental results show that CleanNet can reduce label
noise detection error rate on held-out classes where no human supervision
available by 41.5% compared to current weakly supervised methods. It also
achieves 47% of the performance gain of verifying all images with only 3.2%
images verified on an image classification task. Source code and dataset will
be available at kuanghuei.github.io/CleanNetProject.
|
Stein Variational Message Passing for Continuous Graphical Models | We propose a novel distributed inference algorithm for continuous graphical
models, by extending Stein variational gradient descent (SVGD) to leverage the
Markov dependency structure of the distribution of interest. Our approach
combines SVGD with a set of structured local kernel functions defined on the
Markov blanket of each node, which alleviates the curse of high dimensionality
and simultaneously yields a distributed algorithm for decentralized inference
tasks. We justify our method with theoretical analysis and show that the use of
local kernels can be viewed as a new type of localized approximation that
matches the target distribution on the conditional distributions of each node
over its Markov blanket. Our empirical results show that our method outperforms
a variety of baselines including standard MCMC and particle message passing
methods.
|
List-Decodable Robust Mean Estimation and Learning Mixtures of Spherical
Gaussians | We study the problem of list-decodable Gaussian mean estimation and the
related problem of learning mixtures of separated spherical Gaussians. We
develop a set of techniques that yield new efficient algorithms with
significantly improved guarantees for these problems.
{\bf List-Decodable Mean Estimation.} Fix any $d \in \mathbb{Z}_+$ and $0<
\alpha <1/2$. We design an algorithm with runtime $O
(\mathrm{poly}(n/\alpha)^{d})$ that outputs a list of $O(1/\alpha)$ many
candidate vectors such that with high probability one of the candidates is
within $\ell_2$-distance $O(\alpha^{-1/(2d)})$ from the true mean. The only
previous algorithm for this problem achieved error $\tilde O(\alpha^{-1/2})$
under second moment conditions. For $d = O(1/\epsilon)$, our algorithm runs in
polynomial time and achieves error $O(\alpha^{\epsilon})$. We also give a
Statistical Query lower bound suggesting that the complexity of our algorithm
is qualitatively close to best possible.
{\bf Learning Mixtures of Spherical Gaussians.} We give a learning algorithm
for mixtures of spherical Gaussians that succeeds under significantly weaker
separation assumptions compared to prior work. For the prototypical case of a
uniform mixture of $k$ identity covariance Gaussians we obtain: For any
$\epsilon>0$, if the pairwise separation between the means is at least
$\Omega(k^{\epsilon}+\sqrt{\log(1/\delta)})$, our algorithm learns the unknown
parameters within accuracy $\delta$ with sample complexity and running time
$\mathrm{poly} (n, 1/\delta, (k/\epsilon)^{1/\epsilon})$. The previously best
known polynomial time algorithm required separation at least $k^{1/4}
\mathrm{polylog}(k/\delta)$.
Our main technical contribution is a new technique, using degree-$d$
multivariate polynomials, to remove outliers from high-dimensional datasets
where the majority of the points are corrupted.
|
Model Extraction Warning in MLaaS Paradigm | Cloud vendors are increasingly offering machine learning services as part of
their platform and services portfolios. These services enable the deployment of
machine learning models on the cloud that are offered on a pay-per-query basis
to application developers and end users. However recent work has shown that the
hosted models are susceptible to extraction attacks. Adversaries may launch
queries to steal the model and compromise future query payments or privacy of
the training data. In this work, we present a cloud-based extraction monitor
that can quantify the extraction status of models by observing the query and
response streams of both individual and colluding adversarial users. We present
a novel technique that uses information gain to measure the model learning rate
by users with increasing number of queries. Additionally, we present an
alternate technique that maintains intelligent query summaries to measure the
learning rate relative to the coverage of the input feature space in the
presence of collusion. Both these approaches have low computational overhead
and can easily be offered as services to model owners to warn them of possible
extraction attacks from adversaries. We present performance results for these
approaches for decision tree models deployed on BigML MLaaS platform, using
open source datasets and different adversarial attack strategies.
|
Positive semi-definite embedding for dimensionality reduction and
out-of-sample extensions | In machine learning or statistics, it is often desirable to reduce the
dimensionality of a sample of data points in a high dimensional space
$\mathbb{R}^d$. This paper introduces a dimensionality reduction method where
the embedding coordinates are the eigenvectors of a positive semi-definite
kernel obtained as the solution of an infinite dimensional analogue of a
semi-definite program. This embedding is adaptive and non-linear. We discuss
this problem both with weak and strong smoothness assumptions about the learned
kernel. A main feature of our approach is the existence of an out-of-sample
extension formula of the embedding coordinates in both cases. This
extrapolation formula yields an extension of the kernel matrix to a
data-dependent Mercer kernel function. Our empirical results indicate that this
embedding method is more robust with respect to the influence of outliers,
compared with a spectral embedding method.
|
Learning Steerable Filters for Rotation Equivariant CNNs | In many machine learning tasks it is desirable that a model's prediction
transforms in an equivariant way under transformations of its input.
Convolutional neural networks (CNNs) implement translational equivariance by
construction; for other transformations, however, they are compelled to learn
the proper mapping. In this work, we develop Steerable Filter CNNs (SFCNNs)
which achieve joint equivariance under translations and rotations by design.
The proposed architecture employs steerable filters to efficiently compute
orientation dependent responses for many orientations without suffering
interpolation artifacts from filter rotation. We utilize group convolutions
which guarantee an equivariant mapping. In addition, we generalize He's weight
initialization scheme to filters which are defined as a linear combination of a
system of atomic filters. Numerical experiments show a substantial enhancement
of the sample complexity with a growing number of sampled filter orientations
and confirm that the network generalizes learned patterns over orientations.
The proposed approach achieves state-of-the-art on the rotated MNIST benchmark
and on the ISBI 2012 2D EM segmentation challenge.
|
Convergent Block Coordinate Descent for Training Tikhonov Regularized
Deep Neural Networks | By lifting the ReLU function into a higher dimensional space, we develop a
smooth multi-convex formulation for training feed-forward deep neural networks
(DNNs). This allows us to develop a block coordinate descent (BCD) training
algorithm consisting of a sequence of numerically well-behaved convex
optimizations. Using ideas from proximal point methods in convex analysis, we
prove that this BCD algorithm will converge globally to a stationary point with
R-linear convergence rate of order one. In experiments with the MNIST database,
DNNs trained with this BCD algorithm consistently yielded better test-set error
rates than identical DNN architectures trained via all the stochastic gradient
descent (SGD) variants in the Caffe toolbox.
|
Evaluating Robustness of Neural Networks with Mixed Integer Programming | Neural networks have demonstrated considerable success on a wide variety of
real-world problems. However, networks trained only to optimize for training
accuracy can often be fooled by adversarial examples - slightly perturbed
inputs that are misclassified with high confidence. Verification of networks
enables us to gauge their vulnerability to such adversarial examples. We
formulate verification of piecewise-linear neural networks as a mixed integer
program. On a representative task of finding minimum adversarial distortions,
our verifier is two to three orders of magnitude quicker than the
state-of-the-art. We achieve this computational speedup via tight formulations
for non-linearities, as well as a novel presolve algorithm that makes full use
of all information available. The computational speedup allows us to verify
properties on convolutional networks with an order of magnitude more ReLUs than
networks previously verified by any complete verifier. In particular, we
determine for the first time the exact adversarial accuracy of an MNIST
classifier to perturbations with bounded $l_\infty$ norm $\epsilon=0.1$: for
this classifier, we find an adversarial example for 4.38% of samples, and a
certificate of robustness (to perturbations with bounded norm) for the
remainder. Across all robust training procedures and network architectures
considered, we are able to certify more samples than the state-of-the-art and
find more adversarial examples than a strong first-order attack.
|
Classification with Costly Features using Deep Reinforcement Learning | We study a classification problem where each feature can be acquired for a
cost and the goal is to optimize a trade-off between the expected
classification error and the feature cost. We revisit a former approach that
has framed the problem as a sequential decision-making problem and solved it by
Q-learning with a linear approximation, where individual actions are either
requests for feature values or terminate the episode by providing a
classification decision. On a set of eight problems, we demonstrate that by
replacing the linear approximation with neural networks the approach becomes
comparable to the state-of-the-art algorithms developed specifically for this
problem. The approach is flexible, as it can be improved with any new
reinforcement learning enhancement, it allows inclusion of pre-trained
high-performance classifier, and unlike prior art, its performance is robust
across all evaluated datasets.
|
The Promise and Peril of Human Evaluation for Model Interpretability | Transparency, user trust, and human comprehension are popular ethical
motivations for interpretable machine learning. In support of these goals,
researchers evaluate model explanation performance using humans and real world
applications. This alone presents a challenge in many areas of artificial
intelligence. In this position paper, we propose a distinction between
descriptive and persuasive explanations. We discuss reasoning suggesting that
functional interpretability may be correlated with cognitive function and user
preferences. If this is indeed the case, evaluation and optimization using
functional metrics could perpetuate implicit cognitive bias in explanations
that threaten transparency. Finally, we propose two potential research
directions to disambiguate cognitive function and explanation models, retaining
control over the tradeoff between accuracy and interpretability.
|
Modular Continual Learning in a Unified Visual Environment | A core aspect of human intelligence is the ability to learn new tasks quickly
and switch between them flexibly. Here, we describe a modular continual
reinforcement learning paradigm inspired by these abilities. We first introduce
a visual interaction environment that allows many types of tasks to be unified
in a single framework. We then describe a reward map prediction scheme that
learns new tasks robustly in the very large state and action spaces required by
such an environment. We investigate how properties of module architecture
influence efficiency of task learning, showing that a module motif
incorporating specific design principles (e.g. early bottlenecks, low-order
polynomial nonlinearities, and symmetry) significantly outperforms more
standard neural network motifs, needing fewer training examples and fewer
neurons to achieve high levels of performance. Finally, we present a
meta-controller architecture for task switching based on a dynamic neural
voting scheme, which allows new modules to use information learned from
previously-seen tasks to substantially improve their own learning efficiency.
|
Relaxed Oracles for Semi-Supervised Clustering | Pairwise "same-cluster" queries are one of the most widely used forms of
supervision in semi-supervised clustering. However, it is impractical to ask
human oracles to answer every query correctly. In this paper, we study the
influence of allowing "not-sure" answers from a weak oracle and propose an
effective algorithm to handle such uncertainties in query responses. Two
realistic weak oracle models are considered where ambiguity in answering
depends on the distance between two points. We show that a small query
complexity is adequate for effective clustering with high probability by
providing better pairs to the weak oracle. Experimental results on synthetic
and real data show the effectiveness of our approach in overcoming supervision
uncertainties and yielding high quality clusters.
|
Deep Approximately Orthogonal Nonnegative Matrix Factorization for
Clustering | Nonnegative Matrix Factorization (NMF) is a widely used technique for data
representation. Inspired by the expressive power of deep learning, several NMF
variants equipped with deep architectures have been proposed. However, these
methods mostly use the only nonnegativity while ignoring task-specific features
of data. In this paper, we propose a novel deep approximately orthogonal
nonnegative matrix factorization method where both nonnegativity and
orthogonality are imposed with the aim to perform a hierarchical clustering by
using different level of abstractions of data. Experiment on two face image
datasets showed that the proposed method achieved better clustering performance
than other deep matrix factorization methods and state-of-the-art single layer
NMF variants.
|
Deep Reinforcement Learning for Multi-Resource Multi-Machine Job
Scheduling | Minimizing job scheduling time is a fundamental issue in data center networks
that has been extensively studied in recent years. The incoming jobs require
different CPU and memory units, and span different number of time slots. The
traditional solution is to design efficient heuristic algorithms with
performance guarantee under certain assumptions. In this paper, we improve a
recently proposed job scheduling algorithm using deep reinforcement learning
and extend it to multiple server clusters. Our study reveals that deep
reinforcement learning method has the potential to outperform traditional
resource allocation algorithms in a variety of complicated environments.
|
On Convergence of Epanechnikov Mean Shift | Epanechnikov Mean Shift is a simple yet empirically very effective algorithm
for clustering. It localizes the centroids of data clusters via estimating
modes of the probability distribution that generates the data points, using the
`optimal' Epanechnikov kernel density estimator. However, since the procedure
involves non-smooth kernel density functions, the convergence behavior of
Epanechnikov mean shift lacks theoretical support as of this writing---most of
the existing analyses are based on smooth functions and thus cannot be applied
to Epanechnikov Mean Shift. In this work, we first show that the original
Epanechnikov Mean Shift may indeed terminate at a non-critical point, due to
the non-smoothness nature. Based on our analysis, we propose a simple remedy to
fix it. The modified Epanechnikov Mean Shift is guaranteed to terminate at a
local maximum of the estimated density, which corresponds to a cluster
centroid, within a finite number of iterations. We also propose a way to avoid
running the Mean Shift iterates from every data point, while maintaining good
clustering accuracies under non-overlapping spherical Gaussian mixture models.
This further pushes Epanechnikov Mean Shift to handle very large and
high-dimensional data sets. Experiments show surprisingly good performance
compared to the Lloyd's K-means algorithm and the EM algorithm.
|
SquishedNets: Squishing SqueezeNet further for edge device scenarios via
deep evolutionary synthesis | While deep neural networks have been shown in recent years to outperform
other machine learning methods in a wide range of applications, one of the
biggest challenges with enabling deep neural networks for widespread deployment
on edge devices such as mobile and other consumer devices is high computational
and memory requirements. Recently, there has been greater exploration into
small deep neural network architectures that are more suitable for edge
devices, with one of the most popular architectures being SqueezeNet, with an
incredibly small model size of 4.8MB. Taking further advantage of the notion
that many applications of machine learning on edge devices are often
characterized by a low number of target classes, this study explores the
utility of combining architectural modifications and an evolutionary synthesis
strategy for synthesizing even smaller deep neural architectures based on the
more recent SqueezeNet v1.1 macroarchitecture for applications with fewer
target classes. In particular, architectural modifications are first made to
SqueezeNet v1.1 to accommodate for a 10-class ImageNet-10 dataset, and then an
evolutionary synthesis strategy is leveraged to synthesize more efficient deep
neural networks based on this modified macroarchitecture. The resulting
SquishedNets possess model sizes ranging from 2.4MB to 0.95MB (~5.17X smaller
than SqueezeNet v1.1, or 253X smaller than AlexNet). Furthermore, the
SquishedNets are still able to achieve accuracies ranging from 81.2% to 77%,
and able to process at speeds of 156 images/sec to as much as 256 images/sec on
a Nvidia Jetson TX1 embedded chip. These preliminary results show that a
combination of architectural modifications and an evolutionary synthesis
strategy can be a useful tool for producing very small deep neural network
architectures that are well-suited for edge device scenarios.
|
Bidirectional Conditional Generative Adversarial Networks | Conditional Generative Adversarial Networks (cGANs) are generative models
that can produce data samples ($x$) conditioned on both latent variables ($z$)
and known auxiliary information ($c$). We propose the Bidirectional cGAN
(BiCoGAN), which effectively disentangles $z$ and $c$ in the generation process
and provides an encoder that learns inverse mappings from $x$ to both $z$ and
$c$, trained jointly with the generator and the discriminator. We present
crucial techniques for training BiCoGANs, which involve an extrinsic factor
loss along with an associated dynamically-tuned importance weight. As compared
to other encoder-based cGANs, BiCoGANs encode $c$ more accurately, and utilize
$z$ and $c$ more effectively and in a more disentangled way to generate
samples.
|
Better Agnostic Clustering Via Relaxed Tensor Norms | We develop a new family of convex relaxations for $k$-means clustering based
on sum-of-squares norms, a relaxation of the injective tensor norm that is
efficiently computable using the Sum-of-Squares algorithm. We give an algorithm
based on this relaxation that recovers a faithful approximation to the true
means in the given data whenever the low-degree moments of the points in each
cluster have bounded sum-of-squares norms.
We then prove a sharp upper bound on the sum-of-squares norms for moment
tensors of any distribution that satisfies the \emph{Poincare inequality}. The
Poincare inequality is a central inequality in probability theory, and a large
class of distributions satisfy it including Gaussians, product distributions,
strongly log-concave distributions, and any sum or uniformly continuous
transformation of such distributions.
As an immediate corollary, for any $\gamma > 0$, we obtain an efficient
algorithm for learning the means of a mixture of $k$ arbitrary \Poincare
distributions in $\mathbb{R}^d$ in time $d^{O(1/\gamma)}$ so long as the means
have separation $\Omega(k^{\gamma})$. This in particular yields an algorithm
for learning Gaussian mixtures with separation $\Omega(k^{\gamma})$, thus
partially resolving an open problem of Regev and Vijayaraghavan
\citet{regev2017learning}.
Our algorithm works even in the outlier-robust setting where an $\epsilon$
fraction of arbitrary outliers are added to the data, as long as the fraction
of outliers is smaller than the smallest cluster. We, therefore, obtain results
in the strong agnostic setting where, in addition to not knowing the
distribution family, the data itself may be arbitrarily corrupted.
|
Glitch Classification and Clustering for LIGO with Deep Transfer
Learning | The detection of gravitational waves with LIGO and Virgo requires a detailed
understanding of the response of these instruments in the presence of
environmental and instrumental noise. Of particular interest is the study of
anomalous non-Gaussian noise transients known as glitches, since their high
occurrence rate in LIGO/Virgo data can obscure or even mimic true gravitational
wave signals. Therefore, successfully identifying and excising glitches is of
utmost importance to detect and characterize gravitational waves. In this
article, we present the first application of Deep Learning combined with
Transfer Learning for glitch classification, using real data from LIGO's first
discovery campaign labeled by Gravity Spy, showing that knowledge from
pre-trained models for real-world object recognition can be transferred for
classifying spectrograms of glitches. We demonstrate that this method enables
the optimal use of very deep convolutional neural networks for glitch
classification given small unbalanced training datasets, significantly reduces
the training time, and achieves state-of-the-art accuracy above 98.8%. Once
trained via transfer learning, we show that the networks can be truncated and
used as feature extractors for unsupervised clustering to automatically group
together new classes of glitches and anomalies. This novel capability is of
critical importance to identify and remove new types of glitches which will
occur as the LIGO/Virgo detectors gradually attain design sensitivity.
|
Virtual Adversarial Ladder Networks For Semi-supervised Learning | Semi-supervised learning (SSL) partially circumvents the high cost of
labeling data by augmenting a small labeled dataset with a large and relatively
cheap unlabeled dataset drawn from the same distribution. This paper offers a
novel interpretation of two deep learning-based SSL approaches, ladder networks
and virtual adversarial training (VAT), as applying distributional smoothing to
their respective latent spaces. We propose a class of models that fuse these
approaches. We achieve near-supervised accuracy with high consistency on the
MNIST dataset using just 5 labels per class: our best model, ladder with
layer-wise virtual adversarial noise (LVAN-LW), achieves 1.42% +/- 0.12 average
error rate on the MNIST test set, in comparison with 1.62% +/- 0.65 reported
for the ladder network. On adversarial examples generated with L2-normalized
fast gradient method, LVAN-LW trained with 5 examples per class achieves
average error rate 2.4% +/- 0.3 compared to 68.6% +/- 6.5 for the ladder
network and 9.9% +/- 7.5 for VAT.
|
Implementing the Deep Q-Network | The Deep Q-Network proposed by Mnih et al. [2015] has become a benchmark and
building point for much deep reinforcement learning research. However,
replicating results for complex systems is often challenging since original
scientific publications are not always able to describe in detail every
important parameter setting and software engineering solution. In this paper,
we present results from our work reproducing the results of the DQN paper. We
highlight key areas in the implementation that were not covered in great detail
in the original paper to make it easier for researchers to replicate these
results, including termination conditions and gradient descent algorithms.
Finally, we discuss methods for improving the computational performance and
provide our own implementation that is designed to work with a range of
domains, and not just the original Arcade Learning Environment [Bellemare et
al., 2013].
|
Teaching a Machine to Read Maps with Deep Reinforcement Learning | The ability to use a 2D map to navigate a complex 3D environment is quite
remarkable, and even difficult for many humans. Localization and navigation is
also an important problem in domains such as robotics, and has recently become
a focus of the deep reinforcement learning community. In this paper we teach a
reinforcement learning agent to read a map in order to find the shortest way
out of a random maze it has never seen before. Our system combines several
state-of-the-art methods such as A3C and incorporates novel elements such as a
recurrent localization cell. Our agent learns to localize itself based on 3D
first person images and an approximate orientation angle. The agent generalizes
well to bigger mazes, showing that it learned useful localization and
navigation capabilities.
|
Optimistic Robust Optimization With Applications To Machine Learning | Robust Optimization has traditionally taken a pessimistic, or worst-case
viewpoint of uncertainty which is motivated by a desire to find sets of optimal
policies that maintain feasibility under a variety of operating conditions. In
this paper, we explore an optimistic, or best-case view of uncertainty and show
that it can be a fruitful approach. We show that these techniques can be used
to address a wide variety of problems. First, we apply our methods in the
context of robust linear programming, providing a method for reducing
conservatism in intuitive ways that encode economically realistic modeling
assumptions. Second, we look at problems in machine learning and find that this
approach is strongly connected to the existing literature. Specifically, we
provide a new interpretation for popular sparsity inducing non-convex
regularization schemes. Additionally, we show that successful approaches for
dealing with outliers and noise can be interpreted as optimistic robust
optimization problems. Although many of the problems resulting from our
approach are non-convex, we find that DCA or DCA-like optimization approaches
can be intuitive and efficient.
|
Residual Gated Graph ConvNets | Graph-structured data such as social networks, functional brain networks,
gene regulatory networks, communications networks have brought the interest in
generalizing deep learning techniques to graph domains. In this paper, we are
interested to design neural networks for graphs with variable length in order
to solve learning problems such as vertex classification, graph classification,
graph regression, and graph generative tasks. Most existing works have focused
on recurrent neural networks (RNNs) to learn meaningful representations of
graphs, and more recently new convolutional neural networks (ConvNets) have
been introduced. In this work, we want to compare rigorously these two
fundamental families of architectures to solve graph learning tasks. We review
existing graph RNN and ConvNet architectures, and propose natural extension of
LSTM and ConvNet to graphs with arbitrary size. Then, we design a set of
analytically controlled experiments on two basic graph problems, i.e. subgraph
matching and graph clustering, to test the different architectures. Numerical
results show that the proposed graph ConvNets are 3-17% more accurate and
1.5-4x faster than graph RNNs. Graph ConvNets are also 36% more accurate than
variational (non-learning) techniques. Finally, the most effective graph
ConvNet architecture uses gated edges and residuality. Residuality plays an
essential role to learn multi-layer architectures as they provide a 10% gain of
performance.
|
Neural 3D Mesh Renderer | For modeling the 3D world behind 2D images, which 3D representation is most
appropriate? A polygon mesh is a promising candidate for its compactness and
geometric properties. However, it is not straightforward to model a polygon
mesh from 2D images using neural networks because the conversion from a mesh to
an image, or rendering, involves a discrete operation called rasterization,
which prevents back-propagation. Therefore, in this work, we propose an
approximate gradient for rasterization that enables the integration of
rendering into neural networks. Using this renderer, we perform single-image 3D
mesh reconstruction with silhouette image supervision and our system
outperforms the existing voxel-based approach. Additionally, we perform
gradient-based 3D mesh editing operations, such as 2D-to-3D style transfer and
3D DeepDream, with 2D supervision for the first time. These applications
demonstrate the potential of the integration of a mesh renderer into neural
networks and the effectiveness of our proposed renderer.
|
Finding Differentially Covarying Needles in a Temporally Evolving
Haystack: A Scan Statistics Perspective | Recent results in coupled or temporal graphical models offer schemes for
estimating the relationship structure between features when the data come from
related (but distinct) longitudinal sources. A novel application of these ideas
is for analyzing group-level differences, i.e., in identifying if trends of
estimated objects (e.g., covariance or precision matrices) are different across
disparate conditions (e.g., gender or disease). Often, poor effect sizes make
detecting the differential signal over the full set of features difficult: for
example, dependencies between only a subset of features may manifest
differently across groups. In this work, we first give a parametric model for
estimating trends in the space of SPD matrices as a function of one or more
covariates. We then generalize scan statistics to graph structures, to search
over distinct subsets of features (graph partitions) whose temporal dependency
structure may show statistically significant group-wise differences. We
theoretically analyze the Family Wise Error Rate (FWER) and bounds on Type 1
and Type 2 error. On a cohort of individuals with risk factors for Alzheimer's
disease (but otherwise cognitively healthy), we find scientifically interesting
group differences where the default analysis, i.e., models estimated on the
full graph, do not survive reasonable significance thresholds.
|
Pixie: A System for Recommending 3+ Billion Items to 200+ Million Users
in Real-Time | User experience in modern content discovery applications critically depends
on high-quality personalized recommendations. However, building systems that
provide such recommendations presents a major challenge due to a massive pool
of items, a large number of users, and requirements for recommendations to be
responsive to user actions and generated on demand in real-time. Here we
present Pixie, a scalable graph-based real-time recommender system that we
developed and deployed at Pinterest. Given a set of user-specific pins as a
query, Pixie selects in real-time from billions of possible pins those that are
most related to the query. To generate recommendations, we develop Pixie Random
Walk algorithm that utilizes the Pinterest object graph of 3 billion nodes and
17 billion edges. Experiments show that recommendations provided by Pixie lead
up to 50% higher user engagement when compared to the previous Hadoop-based
production system. Furthermore, we develop a graph pruning strategy at that
leads to an additional 58% improvement in recommendations. Last, we discuss
system aspects of Pixie, where a single server executes 1,200 recommendation
requests per second with 60 millisecond latency. Today, systems backed by Pixie
contribute to more than 80% of all user engagement on Pinterest.
|
Generating Thematic Chinese Poetry using Conditional Variational
Autoencoders with Hybrid Decoders | Computer poetry generation is our first step towards computer writing.
Writing must have a theme. The current approaches of using sequence-to-sequence
models with attention often produce non-thematic poems. We present a novel
conditional variational autoencoder with a hybrid decoder adding the
deconvolutional neural networks to the general recurrent neural networks to
fully learn topic information via latent variables. This approach significantly
improves the relevance of the generated poems by representing each line of the
poem not only in a context-sensitive manner but also in a holistic way that is
highly related to the given keyword and the learned topic. A proposed augmented
word2vec model further improves the rhythm and symmetry. Tests show that the
generated poems by our approach are mostly satisfying with regulated rules and
consistent themes, and 73.42% of them receive an Overall score no less than 3
(the highest score is 5).
|
Towards a More Reliable Privacy-preserving Recommender System | This paper proposes a privacy-preserving distributed recommendation
framework, Secure Distributed Collaborative Filtering (SDCF), to preserve the
privacy of value, model and existence altogether. That says, not only the
ratings from the users to the items, but also the existence of the ratings as
well as the learned recommendation model are kept private in our framework. Our
solution relies on a distributed client-server architecture and a two-stage
Randomized Response algorithm, along with an implementation on the popular
recommendation model, Matrix Factorization (MF). We further prove SDCF to meet
the guarantee of Differential Privacy so that clients are allowed to specify
arbitrary privacy levels. Experiments conducted on numerical rating prediction
and one-class rating action prediction exhibit that SDCF does not sacrifice too
much accuracy for privacy.
|
Genetic Algorithms for Evolving Deep Neural Networks | In recent years, deep learning methods applying unsupervised learning to
train deep layers of neural networks have achieved remarkable results in
numerous fields. In the past, many genetic algorithms based methods have been
successfully applied to training neural networks. In this paper, we extend
previous work and propose a GA-assisted method for deep learning. Our
experimental results indicate that this GA-assisted approach improves the
performance of a deep autoencoder, producing a sparser neural network.
|
Fullie and Wiselie: A Dual-Stream Recurrent Convolutional Attention
Model for Activity Recognition | Multimodal features play a key role in wearable sensor based Human Activity
Recognition (HAR). Selecting the most salient features adaptively is a
promising way to maximize the effectiveness of multimodal sensor data. In this
regard, we propose a "collect fully and select wisely (Fullie and Wiselie)"
principle as well as a dual-stream recurrent convolutional attention model,
Recurrent Attention and Activity Frame (RAAF), to improve the recognition
performance. We first collect modality features and the relations between each
pair of features to generate activity frames, and then introduce an attention
mechanism to select the most prominent regions from activity frames precisely.
The selected frames not only maximize the utilization of valid features but
also reduce the number of features to be computed effectively. We further
analyze the hyper-parameters, accuracy, interpretability, and annotation
dependency of the proposed model based on extensive experiments. The results
show that RAAF achieves competitive performance on two benchmarked datasets and
works well in real life scenarios.
|
Transferring Agent Behaviors from Videos via Motion GANs | A major bottleneck for developing general reinforcement learning agents is
determining rewards that will yield desirable behaviors under various
circumstances. We introduce a general mechanism for automatically specifying
meaningful behaviors from raw pixels. In particular, we train a generative
adversarial network to produce short sub-goals represented through motion
templates. We demonstrate that this approach generates visually meaningful
behaviors in unknown environments with novel agents and describe how these
motions can be used to train reinforcement learning agents.
|
JamBot: Music Theory Aware Chord Based Generation of Polyphonic Music
with LSTMs | We propose a novel approach for the generation of polyphonic music based on
LSTMs. We generate music in two steps. First, a chord LSTM predicts a chord
progression based on a chord embedding. A second LSTM then generates polyphonic
music from the predicted chord progression. The generated music sounds pleasing
and harmonic, with only few dissonant notes. It has clear long-term structure
that is similar to what a musician would play during a jam session. We show
that our approach is sensible from a music theory perspective by evaluating the
learned chord embeddings. Surprisingly, our simple model managed to extract the
circle of fifths, an important tool in music theory, from the dataset.
|
A two-dimensional decomposition approach for matrix completion through
gossip | Factoring a matrix into two low rank matrices is at the heart of many
problems. The problem of matrix completion especially uses it to decompose a
sparse matrix into two non sparse, low rank matrices which can then be used to
predict unknown entries of the original matrix. We present a scalable and
decentralized approach in which instead of learning two factors for the
original input matrix, we decompose the original matrix into a grid blocks,
each of whose factors can be individually learned just by communicating
(gossiping) with neighboring blocks. This eliminates any need for a central
server. We show that our algorithm performs well on both synthetic and real
datasets.
|
Regret Analysis for Continuous Dueling Bandit | The dueling bandit is a learning framework wherein the feedback information
in the learning process is restricted to a noisy comparison between a pair of
actions. In this research, we address a dueling bandit problem based on a cost
function over a continuous space. We propose a stochastic mirror descent
algorithm and show that the algorithm achieves an $O(\sqrt{T\log T})$-regret
bound under strong convexity and smoothness assumptions for the cost function.
Subsequently, we clarify the equivalence between regret minimization in dueling
bandit and convex optimization for the cost function. Moreover, when
considering a lower bound in convex optimization, our algorithm is shown to
achieve the optimal convergence rate in convex optimization and the optimal
regret in dueling bandit except for a logarithmic factor.
|
Using stochastic computation graphs formalism for optimization of
sequence-to-sequence model | Variety of machine learning problems can be formulated as an optimization
task for some (surrogate) loss function. Calculation of loss function can be
viewed in terms of stochastic computation graphs (SCG). We use this formalism
to analyze a problem of optimization of famous sequence-to-sequence model with
attention and propose reformulation of the task. Examples are given for machine
translation (MT). Our work provides a unified view on different optimization
approaches for sequence-to-sequence models and could help researchers in
developing new network architectures with embedded stochastic nodes.
|
Variational Probability Flow for Biologically Plausible Training of Deep
Neural Networks | The quest for biologically plausible deep learning is driven, not just by the
desire to explain experimentally-observed properties of biological neural
networks, but also by the hope of discovering more efficient methods for
training artificial networks. In this paper, we propose a new algorithm named
Variational Probably Flow (VPF), an extension of minimum probability flow for
training binary Deep Boltzmann Machines (DBMs). We show that weight updates in
VPF are local, depending only on the states and firing rates of the adjacent
neurons. Unlike contrastive divergence, there is no need for Gibbs
confabulations; and unlike backpropagation, alternating feedforward and
feedback phases are not required. Moreover, the learning algorithm is effective
for training DBMs with intra-layer connections between the hidden nodes.
Experiments with MNIST and Fashion MNIST demonstrate that VPF learns reasonable
features quickly, reconstructs corrupted images more accurately, and generates
samples with a high estimated log-likelihood. Lastly, we note that,
interestingly, if an asymmetric version of VPF exists, the weight updates
directly explain experimental results in Spike-Timing-Dependent Plasticity
(STDP).
|
Understanding Deep Learning Generalization by Maximum Entropy | Deep learning achieves remarkable generalization capability with overwhelming
number of model parameters. Theoretical understanding of deep learning
generalization receives recent attention yet remains not fully explored. This
paper attempts to provide an alternative understanding from the perspective of
maximum entropy. We first derive two feature conditions that softmax regression
strictly apply maximum entropy principle. DNN is then regarded as approximating
the feature conditions with multilayer feature learning, and proved to be a
recursive solution towards maximum entropy principle. The connection between
DNN and maximum entropy well explains why typical designs such as shortcut and
regularization improves model generalization, and provides instructions for
future model development.
|
Hidden Tree Markov Networks: Deep and Wide Learning for Structured Data | The paper introduces the Hidden Tree Markov Network (HTN), a
neuro-probabilistic hybrid fusing the representation power of generative models
for trees with the incremental and discriminative learning capabilities of
neural networks. We put forward a modular architecture in which multiple
generative models of limited complexity are trained to learn structural feature
detectors whose outputs are then combined and integrated by neural layers at a
later stage. In this respect, the model is both deep, thanks to the unfolding
of the generative models on the input structures, as well as wide, given the
potentially large number of generative modules that can be trained in parallel.
Experimental results show that the proposed approach can outperform
state-of-the-art syntactic kernels as well as generative kernels built on the
same probabilistic model as the HTN.
|
Hierarchical internal representation of spectral features in deep
convolutional networks trained for EEG decoding | Recently, there is increasing interest and research on the interpretability
of machine learning models, for example how they transform and internally
represent EEG signals in Brain-Computer Interface (BCI) applications. This can
help to understand the limits of the model and how it may be improved, in
addition to possibly provide insight about the data itself. Schirrmeister et
al. (2017) have recently reported promising results for EEG decoding with deep
convolutional neural networks (ConvNets) trained in an end-to-end manner and,
with a causal visualization approach, showed that they learn to use spectral
amplitude changes in the input. In this study, we investigate how ConvNets
represent spectral features through the sequence of intermediate stages of the
network. We show higher sensitivity to EEG phase features at earlier stages and
higher sensitivity to EEG amplitude features at later stages. Intriguingly, we
observed a specialization of individual stages of the network to the classical
EEG frequency bands alpha, beta, and high gamma. Furthermore, we find first
evidence that particularly in the last convolutional layer, the network learns
to detect more complex oscillatory patterns beyond spectral phase and
amplitude, reminiscent of the representation of complex visual features in
later layers of ConvNets in computer vision tasks. Our findings thus provide
insights into how ConvNets hierarchically represent spectral EEG features in
their intermediate layers and suggest that ConvNets can exploit and might help
to better understand the compositional structure of EEG time series.
|
On Breast Cancer Detection: An Application of Machine Learning
Algorithms on the Wisconsin Diagnostic Dataset | This paper presents a comparison of six machine learning (ML) algorithms:
GRU-SVM (Agarap, 2017), Linear Regression, Multilayer Perceptron (MLP), Nearest
Neighbor (NN) search, Softmax Regression, and Support Vector Machine (SVM) on
the Wisconsin Diagnostic Breast Cancer (WDBC) dataset (Wolberg, Street, &
Mangasarian, 1992) by measuring their classification test accuracy and their
sensitivity and specificity values. The said dataset consists of features which
were computed from digitized images of FNA tests on a breast mass (Wolberg,
Street, & Mangasarian, 1992). For the implementation of the ML algorithms, the
dataset was partitioned in the following fashion: 70% for training phase, and
30% for the testing phase. The hyper-parameters used for all the classifiers
were manually assigned. Results show that all the presented ML algorithms
performed well (all exceeded 90% test accuracy) on the classification task. The
MLP algorithm stands out among the implemented algorithms with a test accuracy
of ~99.04%.
|
Adversarial Network Embedding | Learning low-dimensional representations of networks has proved effective in
a variety of tasks such as node classification, link prediction and network
visualization. Existing methods can effectively encode different structural
properties into the representations, such as neighborhood connectivity
patterns, global structural role similarities and other high-order proximities.
However, except for objectives to capture network structural properties, most
of them suffer from lack of additional constraints for enhancing the robustness
of representations. In this paper, we aim to exploit the strengths of
generative adversarial networks in capturing latent features, and investigate
its contribution in learning stable and robust graph representations.
Specifically, we propose an Adversarial Network Embedding (ANE) framework,
which leverages the adversarial learning principle to regularize the
representation learning. It consists of two components, i.e., a structure
preserving component and an adversarial learning component. The former
component aims to capture network structural properties, while the latter
contributes to learning robust representations by matching the posterior
distribution of the latent representations to given priors. As shown by the
empirical results, our method is competitive with or superior to
state-of-the-art approaches on benchmark network embedding tasks.
|
Application of generative autoencoder in de novo molecular design | A major challenge in computational chemistry is the generation of novel
molecular structures with desirable pharmacological and physiochemical
properties. In this work, we investigate the potential use of autoencoder, a
deep learning methodology, for de novo molecular design. Various generative
autoencoders were used to map molecule structures into a continuous latent
space and vice versa and their performance as structure generator was assessed.
Our results show that the latent space preserves chemical similarity principle
and thus can be used for the generation of analogue structures. Furthermore,
the latent space created by autoencoders were searched systematically to
generate novel compounds with predicted activity against dopamine receptor type
2 and compounds similar to known active compounds not included in the training
set were identified.
|
Autoencoder Node Saliency: Selecting Relevant Latent Representations | The autoencoder is an artificial neural network model that learns hidden
representations of unlabeled data. With a linear transfer function it is
similar to the principal component analysis (PCA). While both methods use
weight vectors for linear transformations, the autoencoder does not come with
any indication similar to the eigenvalues in PCA that are paired with the
eigenvectors. We propose a novel supervised node saliency (SNS) method that
ranks the hidden nodes by comparing class distributions of latent
representations against a fixed reference distribution. The latent
representations of a hidden node can be described using a one-dimensional
histogram. We apply normalized entropy difference (NED) to measure the
"interestingness" of the histograms, and conclude a property for NED values to
identify a good classifying node. By applying our methods to real data sets, we
demonstrate the ability of SNS to explain what the trained autoencoders have
learned.
|
Constructive Preference Elicitation over Hybrid Combinatorial Spaces | Preference elicitation is the task of suggesting a highly preferred
configuration to a decision maker. The preferences are typically learned by
querying the user for choice feedback over pairs or sets of objects. In its
constructive variant, new objects are synthesized "from scratch" by maximizing
an estimate of the user utility over a combinatorial (possibly infinite) space
of candidates. In the constructive setting, most existing elicitation
techniques fail because they rely on exhaustive enumeration of the candidates.
A previous solution explicitly designed for constructive tasks comes with no
formal performance guarantees, and can be very expensive in (or unapplicable
to) problems with non-Boolean attributes. We propose the Choice Perceptron, a
Perceptron-like algorithm for learning user preferences from set-wise choice
feedback over constructive domains and hybrid Boolean-numeric feature spaces.
We provide a theoretical analysis on the attained regret that holds for a large
class of query selection strategies, and devise a heuristic strategy that aims
at optimizing the regret in practice. Finally, we demonstrate its effectiveness
by empirical evaluation against existing competitors on constructive scenarios
of increasing complexity.
|
Recover Missing Sensor Data with Iterative Imputing Network | Sensor data has been playing an important role in machine learning tasks,
complementary to the human-annotated data that is usually rather costly.
However, due to systematic or accidental mis-operations, sensor data comes very
often with a variety of missing values, resulting in considerable difficulties
in the follow-up analysis and visualization. Previous work imputes the missing
values by interpolating in the observational feature space, without consulting
any latent (hidden) dynamics. In contrast, our model captures the latent
complex temporal dynamics by summarizing each observation's context with a
novel Iterative Imputing Network, thus significantly outperforms previous work
on the benchmark Beijing air quality and meteorological dataset. Our model also
yields consistent superiority over other methods in cases of different missing
rates.
|
Training large margin host-pathogen protein-protein interaction
predictors | Detection of protein-protein interactions (PPIs) plays a vital role in
molecular biology. Particularly, infections are caused by the interactions of
host and pathogen proteins. It is important to identify host-pathogen
interactions (HPIs) to discover new drugs to counter infectious diseases.
Conventional wet lab PPI prediction techniques have limitations in terms of
large scale application and budget. Hence, computational approaches are
developed to predict PPIs. This study aims to develop large margin machine
learning models to predict interspecies PPIs with a special interest in
host-pathogen protein interactions (HPIs). Especially, we focus on seeking
answers to three queries that arise while developing an HPI predictor. 1) How
should we select negative samples? 2) What should be the size of negative
samples as compared to the positive samples? 3) What type of margin violation
penalty should be used to train the predictor? We compare two available methods
for negative sampling. Moreover, we propose a new method of assigning weights
to each training example in weighted SVM depending on the distance of the
negative examples from the positive examples. We have also developed a web
server for our HPI predictor called HoPItor (Host Pathogen Interaction
predicTOR) that can predict interactions between human and viral proteins. This
webserver can be accessed at the URL:
http://faculty.pieas.edu.pk/fayyaz/software.html#HoPItor.
|
Deep Learning for Real-time Gravitational Wave Detection and Parameter
Estimation with LIGO Data | The recent Nobel-prize-winning detections of gravitational waves from merging
black holes and the subsequent detection of the collision of two neutron stars
in coincidence with electromagnetic observations have inaugurated a new era of
multimessenger astrophysics. To enhance the scope of this emergent science, we
proposed the use of deep convolutional neural networks for the detection and
characterization of gravitational wave signals in real-time. This method, Deep
Filtering, was initially demonstrated using simulated LIGO noise. In this
article, we present the extension of Deep Filtering using real data from the
first observing run of LIGO, for both detection and parameter estimation of
gravitational waves from binary black hole mergers with continuous data streams
from multiple LIGO detectors. We show for the first time that machine learning
can detect and estimate the true parameters of a real GW event observed by
LIGO. Our comparisons show that Deep Filtering is far more computationally
efficient than matched-filtering, while retaining similar sensitivity and lower
errors, allowing real-time processing of weak time-series signals in
non-stationary non-Gaussian noise, with minimal resources, and also enables the
detection of new classes of gravitational wave sources that may go unnoticed
with existing detection algorithms. This approach is uniquely suited to enable
coincident detection campaigns of gravitational waves and their multimessenger
counterparts in real-time.
|
Deep Learning for Physical Processes: Incorporating Prior Scientific
Knowledge | We consider the use of Deep Learning methods for modeling complex phenomena
like those occurring in natural physical processes. With the large amount of
data gathered on these phenomena the data intensive paradigm could begin to
challenge more traditional approaches elaborated over the years in fields like
maths or physics. However, despite considerable successes in a variety of
application domains, the machine learning field is not yet ready to handle the
level of complexity required by such problems. Using an example application,
namely Sea Surface Temperature Prediction, we show how general background
knowledge gained from physics could be used as a guideline for designing
efficient Deep Learning models. In order to motivate the approach and to assess
its generality we demonstrate a formal link between the solution of a class of
differential equations underlying a large family of physical phenomena and the
proposed model. Experiments and comparison with series of baselines including a
state of the art numerical approach is then provided.
|
Posterior Sampling for Large Scale Reinforcement Learning | We propose a practical non-episodic PSRL algorithm that unlike recent
state-of-the-art PSRL algorithms uses a deterministic, model-independent
episode switching schedule. Our algorithm termed deterministic schedule PSRL
(DS-PSRL) is efficient in terms of time, sample, and space complexity. We prove
a Bayesian regret bound under mild assumptions. Our result is more generally
applicable to multiple parameters and continuous state action problems. We
compare our algorithm with state-of-the-art PSRL algorithms on standard
discrete and continuous problems from the literature. Finally, we show how the
assumptions of our algorithm satisfy a sensible parametrization for a large
class of problems in sequential recommendations.
|
Finding Algebraic Structure of Care in Time: A Deep Learning Approach | Understanding the latent processes from Electronic Medical Records could be a
game changer in modern healthcare. However, the processes are complex due to
the interaction between at least three dynamic components: the illness, the
care and the recording practice. Existing methods are inadequate in capturing
the dynamic structure of care. We propose an end-to-end model that reads
medical record and predicts future risk. The model adopts the algebraic view in
that discrete medical objects are embedded into continuous vectors lying in the
same space. The bag of disease and comorbidities recorded at each hospital
visit are modeled as function of sets. The same holds for the bag of
treatments. The interaction between diseases and treatments at a visit is
modeled as the residual of the diseases minus the treatments. Finally, the
health trajectory, which is a sequence of visits, is modeled using a recurrent
neural network. We report preliminary results on chronic diseases - diabetes
and mental health - for predicting unplanned readmission.
|
Reinforcing Adversarial Robustness using Model Confidence Induced by
Adversarial Training | In this paper we study leveraging confidence information induced by
adversarial training to reinforce adversarial robustness of a given
adversarially trained model. A natural measure of confidence is $\|F({\bf
x})\|_\infty$ (i.e. how confident $F$ is about its prediction?). We start by
analyzing an adversarial training formulation proposed by Madry et al.. We
demonstrate that, under a variety of instantiations, an only somewhat good
solution to their objective induces confidence to be a discriminator, which can
distinguish between right and wrong model predictions in a neighborhood of a
point sampled from the underlying distribution. Based on this, we propose
Highly Confident Near Neighbor (${\tt HCNN}$), a framework that combines
confidence information and nearest neighbor search, to reinforce adversarial
robustness of a base model. We give algorithms in this framework and perform a
detailed empirical study. We report encouraging experimental results that
support our analysis, and also discuss problems we observed with existing
adversarial training.
|
Relating Input Concepts to Convolutional Neural Network Decisions | Many current methods to interpret convolutional neural networks (CNNs) use
visualization techniques and words to highlight concepts of the input seemingly
relevant to a CNN's decision. The methods hypothesize that the recognition of
these concepts are instrumental in the decision a CNN reaches, but the nature
of this relationship has not been well explored. To address this gap, this
paper examines the quality of a concept's recognition by a CNN and the degree
to which the recognitions are associated with CNN decisions. The study
considers a CNN trained for scene recognition over the ADE20k dataset. It uses
a novel approach to find and score the strength of minimally distributed
representations of input concepts (defined by objects in scene images) across
late stage feature maps. Subsequent analysis finds evidence that concept
recognition impacts decision making. Strong recognition of concepts
frequently-occurring in few scenes are indicative of correct decisions, but
recognizing concepts common to many scenes may mislead the network.
|
The Riemannian Geometry of Deep Generative Models | Deep generative models learn a mapping from a low dimensional latent space to
a high-dimensional data space. Under certain regularity conditions, these
models parameterize nonlinear manifolds in the data space. In this paper, we
investigate the Riemannian geometry of these generated manifolds. First, we
develop efficient algorithms for computing geodesic curves, which provide an
intrinsic notion of distance between points on the manifold. Second, we develop
an algorithm for parallel translation of a tangent vector along a path on the
manifold. We show how parallel translation can be used to generate analogies,
i.e., to transport a change in one data point into a semantically similar
change of another data point. Our experiments on real image data show that the
manifolds learned by deep generative models, while nonlinear, are surprisingly
close to zero curvature. The practical implication is that linear paths in the
latent space closely approximate geodesics on the generated manifold. However,
further investigation into this phenomenon is warranted, to identify if there
are other architectures or datasets where curvature plays a more prominent
role. We believe that exploring the Riemannian geometry of deep generative
models, using the tools developed in this paper, will be an important step in
understanding the high-dimensional, nonlinear spaces these models learn.
|
Disagreement-Based Combinatorial Pure Exploration: Sample Complexity
Bounds and an Efficient Algorithm | We design new algorithms for the combinatorial pure exploration problem in
the multi-arm bandit framework. In this problem, we are given $K$ distributions
and a collection of subsets $\mathcal{V} \subset 2^{[K]}$ of these
distributions, and we would like to find the subset $v \in \mathcal{V}$ that
has largest mean, while collecting, in a sequential fashion, as few samples
from the distributions as possible. In both the fixed budget and fixed
confidence settings, our algorithms achieve new sample-complexity bounds that
provide polynomial improvements on previous results in some settings. Via an
information-theoretic lower bound, we show that no approach based on uniform
sampling can improve on ours in any regime, yielding the first interactive
algorithms for this problem with this basic property. Computationally, we show
how to efficiently implement our fixed confidence algorithm whenever
$\mathcal{V}$ supports efficient linear optimization. Our results involve
precise concentration-of-measure arguments and a new algorithm for linear
programming with exponentially many constraints.
|
Generative Adversarial Positive-Unlabelled Learning | In this work, we consider the task of classifying binary positive-unlabeled
(PU) data. The existing discriminative learning based PU models attempt to seek
an optimal reweighting strategy for U data, so that a decent decision boundary
can be found. However, given limited P data, the conventional PU models tend to
suffer from overfitting when adapted to very flexible deep neural networks. In
contrast, we are the first to innovate a totally new paradigm to attack the
binary PU task, from perspective of generative learning by leveraging the
powerful generative adversarial networks (GAN). Our generative
positive-unlabeled (GenPU) framework incorporates an array of discriminators
and generators that are endowed with different roles in simultaneously
producing positive and negative realistic samples. We provide theoretical
analysis to justify that, at equilibrium, GenPU is capable of recovering both
positive and negative data distributions. Moreover, we show GenPU is
generalizable and closely related to the semi-supervised classification. Given
rather limited P data, experiments on both synthetic and real-world dataset
demonstrate the effectiveness of our proposed framework. With infinite
realistic and diverse sample streams generated from GenPU, a very flexible
classifier can then be trained using deep neural networks.
|
Multiple-Instance, Cascaded Classification for Keyword Spotting in
Narrow-Band Audio | We propose using cascaded classifiers for a keyword spotting (KWS) task on
narrow-band (NB), 8kHz audio acquired in non-IID environments --- a more
challenging task than most state-of-the-art KWS systems face. We present a
model that incorporates Deep Neural Networks (DNNs), cascading,
multiple-feature representations, and multiple-instance learning. The cascaded
classifiers handle the task's class imbalance and reduce power consumption on
computationally-constrained devices via early termination. The KWS system
achieves a false negative rate of 6% at an hourly false positive rate of 0.75
|
Deterministic Policy Optimization by Combining Pathwise and Score
Function Estimators for Discrete Action Spaces | Policy optimization methods have shown great promise in solving complex
reinforcement and imitation learning tasks. While model-free methods are
broadly applicable, they often require many samples to optimize complex
policies. Model-based methods greatly improve sample-efficiency but at the cost
of poor generalization, requiring a carefully handcrafted model of the system
dynamics for each task. Recently, hybrid methods have been successful in
trading off applicability for improved sample-complexity. However, these have
been limited to continuous action spaces. In this work, we present a new hybrid
method based on an approximation of the dynamics as an expectation over the
next state under the current policy. This relaxation allows us to derive a
novel hybrid policy gradient estimator, combining score function and pathwise
derivative estimators, that is applicable to discrete action spaces. We show
significant gains in sample complexity, ranging between $1.7$ and $25\times$,
when learning parameterized policies on Cart Pole, Acrobot, Mountain Car and
Hand Mass. Our method is applicable to both discrete and continuous action
spaces, when competing pathwise methods are limited to the latter.
|
SNeCT: Scalable network constrained Tucker decomposition for integrative
multi-platform data analysis | Motivation: How do we integratively analyze large-scale multi-platform
genomic data that are high dimensional and sparse? Furthermore, how can we
incorporate prior knowledge, such as the association between genes, in the
analysis systematically? Method: To solve this problem, we propose a Scalable
Network Constrained Tucker decomposition method we call SNeCT. SNeCT adopts
parallel stochastic gradient descent approach on the proposed parallelizable
network constrained optimization function. SNeCT decomposition is applied to
tensor constructed from large scale multi-platform multi-cohort cancer data,
PanCan12, constrained on a network built from PathwayCommons database. Results:
The decomposed factor matrices are applied to stratify cancers, to search for
top-k similar patients, and to illustrate how the matrices can be used for
personalized interpretation. In the stratification test, combined twelve-cohort
data is clustered to form thirteen subclasses. The thirteen subclasses have a
high correlation to tissue of origin in addition to other interesting
observations, such as clear separation of OV cancers to two groups, and high
clinical correlation within subclusters formed in cohorts BRCA and UCEC. In the
top-k search, a new patient's genomic profile is generated and searched against
existing patients based on the factor matrices. The similarity of the top-k
patient to the query is high for 23 clinical features, including
estrogen/progesterone receptor statuses of BRCA patients with average precision
value ranges from 0.72 to 0.86 and from 0.68 to 0.86, respectively. We also
provide an illustration of how the factor matrices can be used for
interpretable personalized analysis of each patient.
|
Learning Discrete Distributions from Untrusted Batches | We consider the problem of learning a discrete distribution in the presence
of an $\epsilon$ fraction of malicious data sources. Specifically, we consider
the setting where there is some underlying distribution, $p$, and each data
source provides a batch of $\ge k$ samples, with the guarantee that at least a
$(1-\epsilon)$ fraction of the sources draw their samples from a distribution
with total variation distance at most $\eta$ from $p$. We make no assumptions
on the data provided by the remaining $\epsilon$ fraction of sources--this data
can even be chosen as an adversarial function of the $(1-\epsilon)$ fraction of
"good" batches. We provide two algorithms: one with runtime exponential in the
support size, $n$, but polynomial in $k$, $1/\epsilon$ and $1/\eta$ that takes
$O((n+k)/\epsilon^2)$ batches and recovers $p$ to error
$O(\eta+\epsilon/\sqrt{k})$. This recovery accuracy is information
theoretically optimal, to constant factors, even given an infinite number of
data sources. Our second algorithm applies to the $\eta = 0$ setting and also
achieves an $O(\epsilon/\sqrt{k})$ recover guarantee, though it runs in
$\mathrm{poly}((nk)^k)$ time. This second algorithm, which approximates a
certain tensor via a rank-1 tensor minimizing $\ell_1$ distance, is surprising
in light of the hardness of many low-rank tensor approximation problems, and
may be of independent interest.
|
A Quantum-Inspired Ensemble Method and Quantum-Inspired Forest
Regressors | We propose a Quantum-Inspired Subspace(QIS) Ensemble Method for generating
feature ensembles based on feature selections. We assign each principal
component a Fraction Transition Probability as its probability weight based on
Principal Component Analysis and quantum interpretations. In order to generate
the feature subset for each base regressor, we select a feature subset from
principal components based on Fraction Transition Probabilities. The idea
originating from quantum mechanics can encourage ensemble diversity and the
accuracy simultaneously. We incorporate Quantum-Inspired Subspace Method into
Random Forest and propose Quantum-Inspired Forest. We theoretically prove that
the quantum interpretation corresponds to the first order approximation of
ensemble regression. We also evaluate the empirical performance of
Quantum-Inspired Forest and Random Forest in multiple hyperparameter settings.
Quantum-Inspired Forest proves the significant robustness of the default
hyperparameters on most data sets. The contribution of this work is two-fold, a
novel ensemble regression algorithm inspired by quantum mechanics and the
theoretical connection between quantum interpretations and machine learning
algorithms.
|
Locally Smoothed Neural Networks | Convolutional Neural Networks (CNN) and the locally connected layer are
limited in capturing the importance and relations of different local receptive
fields, which are often crucial for tasks such as face verification, visual
question answering, and word sequence prediction. To tackle the issue, we
propose a novel locally smoothed neural network (LSNN) in this paper. The main
idea is to represent the weight matrix of the locally connected layer as the
product of the kernel and the smoother, where the kernel is shared over
different local receptive fields, and the smoother is for determining the
importance and relations of different local receptive fields. Specifically, a
multi-variate Gaussian function is utilized to generate the smoother, for
modeling the location relations among different local receptive fields.
Furthermore, the content information can also be leveraged by setting the mean
and precision of the Gaussian function according to the content. Experiments on
some variant of MNIST clearly show our advantages over CNN and locally
connected layer.
|
Contracting Nonlinear Observers: Convex Optimization and Learning from
Data | A new approach to design of nonlinear observers (state estimators) is
proposed. The main idea is to (i) construct a convex set of dynamical systems
which are contracting observers for a particular system, and (ii) optimize over
this set for one which minimizes a bound on state-estimation error on a
simulated noisy data set. We construct convex sets of continuous-time and
discrete-time observers, as well as contracting sampled-data observers for
continuous-time systems. Convex bounds for learning are constructed using
Lagrangian relaxation. The utility of the proposed methods are verified using
numerical simulation.
|
Accurate Real Time Localization Tracking in A Clinical Environment using
Bluetooth Low Energy and Deep Learning | Deep learning has started to revolutionize several different industries, and
the applications of these methods in medicine are now becoming more
commonplace. This study focuses on investigating the feasibility of tracking
patients and clinical staff wearing Bluetooth Low Energy (BLE) tags in a
radiation oncology clinic using artificial neural networks (ANNs) and
convolutional neural networks (CNNs). The performance of these networks was
compared to relative received signal strength indicator (RSSI) thresholding and
triangulation. By utilizing temporal information, a combined CNN+ANN network
was capable of correctly identifying the location of the BLE tag with an
accuracy of 99.9%. It outperformed a CNN model (accuracy = 94%), a thresholding
model employing majority voting (accuracy = 95%), and a triangulation
classifier utilizing majority voting (accuracy = 95%). Future studies will seek
to deploy this affordable real time location system in hospitals to improve
clinical workflow, efficiency, and patient safety.
|
Hypergraph $p$-Laplacian: A Differential Geometry View | The graph Laplacian plays key roles in information processing of relational
data, and has analogies with the Laplacian in differential geometry. In this
paper, we generalize the analogy between graph Laplacian and differential
geometry to the hypergraph setting, and propose a novel hypergraph
$p$-Laplacian. Unlike the existing two-node graph Laplacians, this
generalization makes it possible to analyze hypergraphs, where the edges are
allowed to connect any number of nodes. Moreover, we propose a semi-supervised
learning method based on the proposed hypergraph $p$-Laplacian, and formalize
them as the analogue to the Dirichlet problem, which often appears in physics.
We further explore theoretical connections to normalized hypergraph cut on a
hypergraph, and propose normalized cut corresponding to hypergraph
$p$-Laplacian. The proposed $p$-Laplacian is shown to outperform standard
hypergraph Laplacians in the experiment on a hypergraph semi-supervised
learning and normalized cut setting.
|
Run-and-Inspect Method for Nonconvex Optimization and Global Optimality
Bounds for R-Local Minimizers | Many optimization algorithms converge to stationary points. When the
underlying problem is nonconvex, they may get trapped at local minimizers and
occasionally stagnate near saddle points. We propose the Run-and-Inspect
Method, which adds an "inspect" phase to existing algorithms that helps escape
from non-global stationary points. The inspection samples a set of points in a
radius $R$ around the current point. When a sample point yields a sufficient
decrease in the objective, we move there and resume an existing algorithm. If
no sufficient decrease is found, the current point is called an approximate
$R$-local minimizer. We show that an $R$-local minimizer is globally optimal,
up to a specific error depending on $R$, if the objective function can be
implicitly decomposed into a smooth convex function plus a restricted function
that is possibly nonconvex, nonsmooth. For high-dimensional problems, we
introduce blockwise inspections to overcome the curse of dimensionality while
still maintaining optimality bounds up to a factor equal to the number of
blocks. Our method performs well on a set of artificial and realistic nonconvex
problems by coupling with gradient descent, coordinate descent, EM, and
prox-linear algorithms.
|
A multiobjective deep learning approach for predictive classification in
Neuroblastoma | Neuroblastoma is a strongly heterogeneous cancer with very diverse clinical
courses that may vary from spontaneous regression to fatal progression; an
accurate patient's risk estimation at diagnosis is essential to design
appropriate tumor treatment strategies. Neuroblastoma is a paradigm disease
where different diagnostic and prognostic endpoints should be predicted from
common molecular and clinical information, with increasing complexity, as shown
in the FDA MAQC-II study. Here we introduce the novel multiobjective deep
learning architecture CDRP (Concatenated Diagnostic Relapse Prognostic)
composed by 8 layers to obtain a combined diagnostic and prognostic prediction
from high-throughput transcriptomics data. Two distinct loss functions are
optimized for the Event Free Survival (EFS) and Overall Survival (OS)
prognosis, respectively. We use the High-Risk (HR) diagnostic information as an
additional input generated by an autoencoder embedding. The latter is used as
network regulariser, based on a clinical algorithm commonly adopted for
stratifying patients from cancer stage, age at insurgence of disease, and MYCN,
the specific molecular marker. The architecture was applied to Illumina
HiSeq2000 RNA-Seq for 498 neuroblastoma patients (176 at high risk) from the
Sequencing Quality Control (SEQC) study, obtaining state-of-art on the
diagnostic endpoint and improving prediction of prognosis over the HR cohort.
|
Post-hoc labeling of arbitrary EEG recordings for data-efficient
evaluation of neural decoding methods | Many cognitive, sensory and motor processes have correlates in oscillatory
neural sources, which are embedded as a subspace into the recorded brain
signals. Decoding such processes from noisy
magnetoencephalogram/electroencephalogram (M/EEG) signals usually requires the
use of data-driven analysis methods. The objective evaluation of such decoding
algorithms on experimental raw signals, however, is a challenge: the amount of
available M/EEG data typically is limited, labels can be unreliable, and raw
signals often are contaminated with artifacts. The latter is specifically
problematic, if the artifacts stem from behavioral confounds of the oscillatory
neural processes of interest.
To overcome some of these problems, simulation frameworks have been
introduced for benchmarking decoding methods. Generating artificial brain
signals, however, most simulation frameworks make strong and partially
unrealistic assumptions about brain activity, which limits the generalization
of obtained results to real-world conditions.
In the present contribution, we thrive to remove many shortcomings of current
simulation frameworks and propose a versatile alternative, that allows for
objective evaluation and benchmarking of novel data-driven decoding methods for
neural signals. Its central idea is to utilize post-hoc labelings of arbitrary
M/EEG recordings. This strategy makes it paradigm-agnostic and allows to
generate comparatively large datasets with noiseless labels. Source code and
data of the novel simulation approach are made available for facilitating its
adoption.
|
An influence-based fast preceding questionnaire model for elderly
assessments | To improve the efficiency of elderly assessments, an influence-based fast
preceding questionnaire model (FPQM) is proposed. Compared with traditional
assessments, the FPQM optimizes questionnaires by reordering their attributes.
The values of low-ranking attributes can be predicted by the values of the
high-ranking attributes. Therefore, the number of attributes can be reduced
without redesigning the questionnaires. A new function for calculating the
influence of the attributes is proposed based on probability theory. Reordering
and reducing algorithms are given based on the attributes' influences. The
model is verified through a practical application. The practice in an
elderly-care company shows that the FPQM can reduce the number of attributes by
90.56% with a prediction accuracy of 98.39%. Compared with other methods, such
as the Expert Knowledge, Rough Set and C4.5 methods, the FPQM achieves the best
performance. In addition, the FPQM can also be applied to other questionnaires.
|
Adversarial Phenomenon in the Eyes of Bayesian Deep Learning | Deep Learning models are vulnerable to adversarial examples, i.e.\ images
obtained via deliberate imperceptible perturbations, such that the model
misclassifies them with high confidence. However, class confidence by itself is
an incomplete picture of uncertainty. We therefore use principled Bayesian
methods to capture model uncertainty in prediction for observing adversarial
misclassification. We provide an extensive study with different Bayesian neural
networks attacked in both white-box and black-box setups. The behaviour of the
networks for noise, attacks and clean test data is compared. We observe that
Bayesian neural networks are uncertain in their predictions for adversarial
perturbations, a behaviour similar to the one observed for random Gaussian
perturbations. Thus, we conclude that Bayesian neural networks can be
considered for detecting adversarial examples.
|
Decomposition Strategies for Constructive Preference Elicitation | We tackle the problem of constructive preference elicitation, that is the
problem of learning user preferences over very large decision problems,
involving a combinatorial space of possible outcomes. In this setting, the
suggested configuration is synthesized on-the-fly by solving a constrained
optimization problem, while the preferences are learned itera tively by
interacting with the user. Previous work has shown that Coactive Learning is a
suitable method for learning user preferences in constructive scenarios. In
Coactive Learning the user provides feedback to the algorithm in the form of an
improvement to a suggested configuration. When the problem involves many
decision variables and constraints, this type of interaction poses a
significant cognitive burden on the user. We propose a decomposition technique
for large preference-based decision problems relying exclusively on inference
and feedback over partial configurations. This has the clear advantage of
drastically reducing the user cognitive load. Additionally, part-wise inference
can be (up to exponentially) less computationally demanding than inference over
full configurations. We discuss the theoretical implications of working with
parts and present promising empirical results on one synthetic and two
realistic constructive problems.
|
GraphGAN: Graph Representation Learning with Generative Adversarial Nets | The goal of graph representation learning is to embed each vertex in a graph
into a low-dimensional vector space. Existing graph representation learning
methods can be classified into two categories: generative models that learn the
underlying connectivity distribution in the graph, and discriminative models
that predict the probability of edge existence between a pair of vertices. In
this paper, we propose GraphGAN, an innovative graph representation learning
framework unifying above two classes of methods, in which the generative model
and discriminative model play a game-theoretical minimax game. Specifically,
for a given vertex, the generative model tries to fit its underlying true
connectivity distribution over all other vertices and produces "fake" samples
to fool the discriminative model, while the discriminative model tries to
detect whether the sampled vertex is from ground truth or generated by the
generative model. With the competition between these two models, both of them
can alternately and iteratively boost their performance. Moreover, when
considering the implementation of generative model, we propose a novel graph
softmax to overcome the limitations of traditional softmax function, which can
be proven satisfying desirable properties of normalization, graph structure
awareness, and computational efficiency. Through extensive experiments on
real-world datasets, we demonstrate that GraphGAN achieves substantial gains in
a variety of applications, including link prediction, node classification, and
recommendation, over state-of-the-art baselines.
|
Few-shot Learning by Exploiting Visual Concepts within CNNs | Convolutional neural networks (CNNs) are one of the driving forces for the
advancement of computer vision. Despite their promising performances on many
tasks, CNNs still face major obstacles on the road to achieving ideal machine
intelligence. One is that CNNs are complex and hard to interpret. Another is
that standard CNNs require large amounts of annotated data, which is sometimes
hard to obtain, and it is desirable to learn to recognize objects from few
examples. In this work, we address these limitations of CNNs by developing
novel, flexible, and interpretable models for few-shot learning. Our models are
based on the idea of encoding objects in terms of visual concepts (VCs), which
are interpretable visual cues represented by the feature vectors within CNNs.
We first adapt the learning of VCs to the few-shot setting, and then uncover
two key properties of feature encoding using VCs, which we call category
sensitivity and spatial pattern. Motivated by these properties, we present two
intuitive models for the problem of few-shot learning. Experiments show that
our models achieve competitive performances, while being more flexible and
interpretable than alternative state-of-the-art few-shot learning methods. We
conclude that using VCs helps expose the natural capability of CNNs for
few-shot learning.
|
Utilizing artificial neural networks to predict demand for
weather-sensitive products at retail stores | One key requirement for effective supply chain management is the quality of
its inventory management. Various inventory management methods are typically
employed for different types of products based on their demand patterns,
product attributes, and supply network. In this paper, our goal is to develop
robust demand prediction methods for weather sensitive products at retail
stores. We employ historical datasets from Walmart, whose customers and markets
are often exposed to extreme weather events which can have a huge impact on
sales regarding the affected stores and products. We want to accurately predict
the sales of 111 potentially weather-sensitive products around the time of
major weather events at 45 of Walmart retails locations in the U.S.
Intuitively, we may expect an uptick in the sales of umbrellas before a big
thunderstorm, but it is difficult for replenishment managers to predict the
level of inventory needed to avoid being out-of-stock or overstock during and
after that storm. While they rely on a variety of vendor tools to predict sales
around extreme weather events, they mostly employ a time-consuming process that
lacks a systematic measure of effectiveness. We employ all the methods critical
to any analytics project and start with data exploration. Critical features are
extracted from the raw historical dataset for demand forecasting accuracy and
robustness. In particular, we employ Artificial Neural Network for forecasting
demand for each product sold around the time of major weather events. Finally,
we evaluate our model to evaluate their accuracy and robustness.
|
Learning User Preferences to Incentivize Exploration in the Sharing
Economy | We study platforms in the sharing economy and discuss the need for
incentivizing users to explore options that otherwise would not be chosen. For
instance, rental platforms such as Airbnb typically rely on customer reviews to
provide users with relevant information about different options. Yet, often a
large fraction of options does not have any reviews available. Such options are
frequently neglected as viable choices, and in turn are unlikely to be
evaluated, creating a vicious cycle. Platforms can engage users to deviate from
their preferred choice by offering monetary incentives for choosing a different
option instead. To efficiently learn the optimal incentives to offer, we
consider structural information in user preferences and introduce a novel
algorithm - Coordinated Online Learning (CoOL) - for learning with structural
information modeled as convex constraints. We provide formal guarantees on the
performance of our algorithm and test the viability of our approach in a user
study with data of apartments on Airbnb. Our findings suggest that our approach
is well-suited to learn appropriate incentives and increase exploration on the
investigated platform.
|
DeepSign: Deep Learning for Automatic Malware Signature Generation and
Classification | This paper presents a novel deep learning based method for automatic malware
signature generation and classification. The method uses a deep belief network
(DBN), implemented with a deep stack of denoising autoencoders, generating an
invariant compact representation of the malware behavior. While conventional
signature and token based methods for malware detection do not detect a
majority of new variants for existing malware, the results presented in this
paper show that signatures generated by the DBN allow for an accurate
classification of new malware variants. Using a dataset containing hundreds of
variants for several major malware families, our method achieves 98.6%
classification accuracy using the signatures generated by the DBN. The
presented method is completely agnostic to the type of malware behavior that is
logged (e.g., API calls and their parameters, registry entries, websites and
ports accessed, etc.), and can use any raw input from a sandbox to successfully
train the deep neural network which is used to generate malware signatures.
|
Genetic Algorithms for Evolving Computer Chess Programs | This paper demonstrates the use of genetic algorithms for evolving: 1) a
grandmaster-level evaluation function, and 2) a search mechanism for a chess
program, the parameter values of which are initialized randomly. The evaluation
function of the program is evolved by learning from databases of (human)
grandmaster games. At first, the organisms are evolved to mimic the behavior of
human grandmasters, and then these organisms are further improved upon by means
of coevolution. The search mechanism is evolved by learning from tactical test
suites. Our results show that the evolved program outperforms a two-time world
computer chess champion and is at par with the other leading computer chess
programs.
|
Asymmetric Variational Autoencoders | Variational inference for latent variable models is prevalent in various
machine learning problems, typically solved by maximizing the Evidence Lower
Bound (ELBO) of the true data likelihood with respect to a variational
distribution. However, freely enriching the family of variational distribution
is challenging since the ELBO requires variational likelihood evaluations of
the latent variables. In this paper, we propose a novel framework to enrich the
variational family by incorporating auxiliary variables to the variational
family. The resulting inference network doesn't require density evaluations for
the auxiliary variables and thus complex implicit densities over the auxiliary
variables can be constructed by neural networks. It can be shown that the
actual variational posterior of the proposed approach is essentially modeling a
rich probabilistic mixture of simple variational posterior indexed by auxiliary
variables, thus a flexible inference model can be built. Empirical evaluations
on several density estimation tasks demonstrates the effectiveness of the
proposed method.
|
BlockDrop: Dynamic Inference Paths in Residual Networks | Very deep convolutional neural networks offer excellent recognition results,
yet their computational expense limits their impact for many real-world
applications. We introduce BlockDrop, an approach that learns to dynamically
choose which layers of a deep network to execute during inference so as to best
reduce total computation without degrading prediction accuracy. Exploiting the
robustness of Residual Networks (ResNets) to layer dropping, our framework
selects on-the-fly which residual blocks to evaluate for a given novel image.
In particular, given a pretrained ResNet, we train a policy network in an
associative reinforcement learning setting for the dual reward of utilizing a
minimal number of blocks while preserving recognition accuracy. We conduct
extensive experiments on CIFAR and ImageNet. The results provide strong
quantitative and qualitative evidence that these learned policies not only
accelerate inference but also encode meaningful visual information. Built upon
a ResNet-101 model, our method achieves a speedup of 20\% on average, going as
high as 36\% for some images, while maintaining the same 76.4\% top-1 accuracy
on ImageNet.
|
Equivalence of Equilibrium Propagation and Recurrent Backpropagation | Recurrent Backpropagation and Equilibrium Propagation are supervised learning
algorithms for fixed point recurrent neural networks which differ in their
second phase. In the first phase, both algorithms converge to a fixed point
which corresponds to the configuration where the prediction is made. In the
second phase, Equilibrium Propagation relaxes to another nearby fixed point
corresponding to smaller prediction error, whereas Recurrent Backpropagation
uses a side network to compute error derivatives iteratively. In this work we
establish a close connection between these two algorithms. We show that, at
every moment in the second phase, the temporal derivatives of the neural
activities in Equilibrium Propagation are equal to the error derivatives
computed iteratively by Recurrent Backpropagation in the side network. This
work shows that it is not required to have a side network for the computation
of error derivatives, and supports the hypothesis that, in biological neural
networks, temporal derivatives of neural activities may code for error signals.
|
Relief-Based Feature Selection: Introduction and Review | Feature selection plays a critical role in biomedical data mining, driven by
increasing feature dimensionality in target problems and growing interest in
advanced but computationally expensive methodologies able to model complex
associations. Specifically, there is a need for feature selection methods that
are computationally efficient, yet sensitive to complex patterns of
association, e.g. interactions, so that informative features are not mistakenly
eliminated prior to downstream modeling. This paper focuses on Relief-based
algorithms (RBAs), a unique family of filter-style feature selection algorithms
that have gained appeal by striking an effective balance between these
objectives while flexibly adapting to various data characteristics, e.g.
classification vs. regression. First, this work broadly examines types of
feature selection and defines RBAs within that context. Next, we introduce the
original Relief algorithm and associated concepts, emphasizing the intuition
behind how it works, how feature weights generated by the algorithm can be
interpreted, and why it is sensitive to feature interactions without evaluating
combinations of features. Lastly, we include an expansive review of RBA
methodological research beyond Relief and its popular descendant, ReliefF. In
particular, we characterize branches of RBA research, and provide comparative
summaries of RBA algorithms including contributions, strategies, functionality,
time complexity, adaptation to key data characteristics, and software
availability.
|
Leverage Score Sampling for Faster Accelerated Regression and ERM | Given a matrix $\mathbf{A}\in\mathbb{R}^{n\times d}$ and a vector $b
\in\mathbb{R}^{d}$, we show how to compute an $\epsilon$-approximate solution
to the regression problem $ \min_{x\in\mathbb{R}^{d}}\frac{1}{2} \|\mathbf{A} x
- b\|_{2}^{2} $ in time $ \tilde{O} ((n+\sqrt{d\cdot\kappa_{\text{sum}}})\cdot
s\cdot\log\epsilon^{-1}) $ where
$\kappa_{\text{sum}}=\mathrm{tr}\left(\mathbf{A}^{\top}\mathbf{A}\right)/\lambda_{\min}(\mathbf{A}^{T}\mathbf{A})$
and $s$ is the maximum number of non-zero entries in a row of $\mathbf{A}$. Our
algorithm improves upon the previous best running time of $ \tilde{O}
((n+\sqrt{n \cdot\kappa_{\text{sum}}})\cdot s\cdot\log\epsilon^{-1})$.
We achieve our result through a careful combination of leverage score
sampling techniques, proximal point methods, and accelerated coordinate
descent. Our method not only matches the performance of previous methods, but
further improves whenever leverage scores of rows are small (up to
polylogarithmic factors). We also provide a non-linear generalization of these
results that improves the running time for solving a broader class of ERM
problems.
|
From Monte Carlo to Las Vegas: Improving Restricted Boltzmann Machine
Training Through Stopping Sets | We propose a Las Vegas transformation of Markov Chain Monte Carlo (MCMC)
estimators of Restricted Boltzmann Machines (RBMs). We denote our approach
Markov Chain Las Vegas (MCLV). MCLV gives statistical guarantees in exchange
for random running times. MCLV uses a stopping set built from the training data
and has maximum number of Markov chain steps K (referred as MCLV-K). We present
a MCLV-K gradient estimator (LVS-K) for RBMs and explore the correspondence and
differences between LVS-K and Contrastive Divergence (CD-K), with LVS-K
significantly outperforming CD-K training RBMs over the MNIST dataset,
indicating MCLV to be a promising direction in learning generative models.
|
Benchmarking Relief-Based Feature Selection Methods for Bioinformatics
Data Mining | Modern biomedical data mining requires feature selection methods that can (1)
be applied to large scale feature spaces (e.g. `omics' data), (2) function in
noisy problems, (3) detect complex patterns of association (e.g. gene-gene
interactions), (4) be flexibly adapted to various problem domains and data
types (e.g. genetic variants, gene expression, and clinical data) and (5) are
computationally tractable. To that end, this work examines a set of
filter-style feature selection algorithms inspired by the `Relief' algorithm,
i.e. Relief-Based algorithms (RBAs). We implement and expand these RBAs in an
open source framework called ReBATE (Relief-Based Algorithm Training
Environment). We apply a comprehensive genetic simulation study comparing
existing RBAs, a proposed RBA called MultiSURF, and other established feature
selection methods, over a variety of problems. The results of this study (1)
support the assertion that RBAs are particularly flexible, efficient, and
powerful feature selection methods that differentiate relevant features having
univariate, multivariate, epistatic, or heterogeneous associations, (2) confirm
the efficacy of expansions for classification vs. regression, discrete vs.
continuous features, missing data, multiple classes, or class imbalance, (3)
identify previously unknown limitations of specific RBAs, and (4) suggest that
while MultiSURF* performs best for explicitly identifying pure 2-way
interactions, MultiSURF yields the most reliable feature selection performance
across a wide range of problem types.
|
MagNet and "Efficient Defenses Against Adversarial Attacks" are Not
Robust to Adversarial Examples | MagNet and "Efficient Defenses..." were recently proposed as a defense to
adversarial examples. We find that we can construct adversarial examples that
defeat these defenses with only a slight increase in distortion.
|
Calibration for the (Computationally-Identifiable) Masses | As algorithms increasingly inform and influence decisions made about
individuals, it becomes increasingly important to address concerns that these
algorithms might be discriminatory. The output of an algorithm can be
discriminatory for many reasons, most notably: (1) the data used to train the
algorithm might be biased (in various ways) to favor certain populations over
others; (2) the analysis of this training data might inadvertently or
maliciously introduce biases that are not borne out in the data. This work
focuses on the latter concern.
We develop and study multicalbration -- a new measure of algorithmic fairness
that aims to mitigate concerns about discrimination that is introduced in the
process of learning a predictor from data. Multicalibration guarantees accurate
(calibrated) predictions for every subpopulation that can be identified within
a specified class of computations. We think of the class as being quite rich;
in particular, it can contain many overlapping subgroups of a protected group.
We show that in many settings this strong notion of protection from
discrimination is both attainable and aligned with the goal of obtaining
accurate predictions. Along the way, we present new algorithms for learning a
multicalibrated predictor, study the computational complexity of this task, and
draw new connections to computational learning models such as agnostic
learning.
|
Safer Classification by Synthesis | The discriminative approach to classification using deep neural networks has
become the de-facto standard in various fields. Complementing recent
reservations about safety against adversarial examples, we show that
conventional discriminative methods can easily be fooled to provide incorrect
labels with very high confidence to out of distribution examples. We posit that
a generative approach is the natural remedy for this problem, and propose a
method for classification using generative models. At training time, we learn a
generative model for each class, while at test time, given an example to
classify, we query each generator for its most similar generation, and select
the class corresponding to the most similar one. Our approach is general and
can be used with expressive models such as GANs and VAEs. At test time, our
method accurately "knows when it does not know," and provides resilience to out
of distribution examples while maintaining competitive performance for standard
examples.
|
End-to-End Supervised Product Quantization for Image Search and
Retrieval | Product Quantization, a dictionary based hashing method, is one of the
leading unsupervised hashing techniques. While it ignores the labels, it
harnesses the features to construct look up tables that can approximate the
feature space. In recent years, several works have achieved state of the art
results on hashing benchmarks by learning binary representations in a
supervised manner. This work presents Deep Product Quantization (DPQ), a
technique that leads to more accurate retrieval and classification than the
latest state of the art methods, while having similar computational complexity
and memory footprint as the Product Quantization method. To our knowledge, this
is the first work to introduce a dictionary-based representation that is
inspired by Product Quantization and which is learned end-to-end, and thus
benefits from the supervised signal. DPQ explicitly learns soft and hard
representations to enable an efficient and accurate asymmetric search, by using
a straight-through estimator. Our method obtains state of the art results on an
extensive array of retrieval and classification experiments.
|
Online Clustering of Contextual Cascading Bandits | We consider a new setting of online clustering of contextual cascading
bandits, an online learning problem where the underlying cluster structure over
users is unknown and needs to be learned from a random prefix feedback. More
precisely, a learning agent recommends an ordered list of items to a user, who
checks the list and stops at the first satisfactory item, if any. We propose an
algorithm of CLUB-cascade for this setting and prove a $T$-step regret bound of
order $\tilde{O}(\sqrt{T})$. Previous work corresponds to the degenerate case
of only one cluster, and our general regret bound in this special case also
significantly improves theirs. We conduct experiments on both synthetic and
real data, and demonstrate the effectiveness of our algorithm and the advantage
of incorporating online clustering method.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.