title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Optimization Beyond the Convolution: Generalizing Spatial Relations with
End-to-End Metric Learning | To operate intelligently in domestic environments, robots require the ability
to understand arbitrary spatial relations between objects and to generalize
them to objects of varying sizes and shapes. In this work, we present a novel
end-to-end approach to generalize spatial relations based on distance metric
learning. We train a neural network to transform 3D point clouds of objects to
a metric space that captures the similarity of the depicted spatial relations,
using only geometric models of the objects. Our approach employs gradient-based
optimization to compute object poses in order to imitate an arbitrary target
relation by reducing the distance to it under the learned metric. Our results
based on simulated and real-world experiments show that the proposed method
enables robots to generalize spatial relations to unknown objects over a
continuous spectrum.
|
Anomaly Detection and Modeling in 802.11 Wireless Networks | IEEE 802.11 Wireless Networks are getting more and more popular at university
campuses, enterprises, shopping centers, airports and in so many other public
places, providing Internet access to a large crowd openly and quickly. The
wireless users are also getting more dependent on WiFi technology and therefore
demanding more reliability and higher performance for this vital technology.
However, due to unstable radio conditions, faulty equipment, and dynamic user
behavior among other reasons, there are always unpredictable performance
problems in a wireless covered area. Detection and prediction of such problems
is of great significance to network managers if they are to alleviate the
connectivity issues of the mobile users and provide a higher quality wireless
service. This paper aims to improve the management of the 802.11 wireless
networks by characterizing and modeling wireless usage patterns in a set of
anomalous scenarios that can occur in such networks. We apply time-invariant
(Gaussian Mixture Models) and time-variant (Hidden Markov Models) modeling
approaches to a dataset generated from a large production network and describe
how we use these models for anomaly detection. We then generate several common
anomalies on a Testbed network and evaluate the proposed anomaly detection
methodologies in a controlled environment. The experimental results of the
Testbed show that HMM outperforms GMM and yields a higher anomaly detection
ratio and a lower false alarm rate.
|
Robust Optimization for Non-Convex Objectives | We consider robust optimization problems, where the goal is to optimize in
the worst case over a class of objective functions. We develop a reduction from
robust improper optimization to Bayesian optimization: given an oracle that
returns $\alpha$-approximate solutions for distributions over objectives, we
compute a distribution over solutions that is $\alpha$-approximate in the worst
case. We show that de-randomizing this solution is NP-hard in general, but can
be done for a broad class of statistical learning tasks. We apply our results
to robust neural network training and submodular optimization. We evaluate our
approach experimentally on corrupted character classification, and robust
influence maximization in networks.
|
Structured Black Box Variational Inference for Latent Time Series Models | Continuous latent time series models are prevalent in Bayesian modeling;
examples include the Kalman filter, dynamic collaborative filtering, or dynamic
topic models. These models often benefit from structured, non mean field
variational approximations that capture correlations between time steps. Black
box variational inference with reparameterization gradients (BBVI) allows us to
explore a rich new class of Bayesian non-conjugate latent time series models;
however, a naive application of BBVI to such structured variational models
would scale quadratically in the number of time steps. We describe a BBVI
algorithm analogous to the forward-backward algorithm which instead scales
linearly in time. It allows us to efficiently sample from the variational
distribution and estimate the gradients of the ELBO. Finally, we show results
on the recently proposed dynamic word embedding model, which was trained using
our method.
|
Kernel Scaling for Manifold Learning and Classification | Kernel methods play a critical role in many machine learning algorithms. They
are useful in manifold learning, classification, clustering and other data
analysis tasks. Setting the kernel's scale parameter, also referred to as the
kernel's bandwidth, highly affects the performance of the task in hand. We
propose to set a scale parameter that is tailored to one of two types of tasks:
classification and manifold learning. For manifold learning, we seek a scale
which is best at capturing the manifold's intrinsic dimension. For
classification, we propose three methods for estimating the scale, which
optimize the classification results in different senses. The proposed
frameworks are simulated on artificial and on real datasets. The results show a
high correlation between optimal classification rates and the estimated scales.
Finally, we demonstrate the approach on a seismic event classification task.
|
Stochastic, Distributed and Federated Optimization for Machine Learning | We study optimization algorithms for the finite sum problems frequently
arising in machine learning applications. First, we propose novel variants of
stochastic gradient descent with a variance reduction property that enables
linear convergence for strongly convex objectives. Second, we study distributed
setting, in which the data describing the optimization problem does not fit
into a single computing node. In this case, traditional methods are
inefficient, as the communication costs inherent in distributed optimization
become the bottleneck. We propose a communication-efficient framework which
iteratively forms local subproblems that can be solved with arbitrary local
optimization algorithms. Finally, we introduce the concept of Federated
Optimization/Learning, where we try to solve the machine learning problems
without having data stored in any centralized manner. The main motivation comes
from industry when handling user-generated data. The current prevalent practice
is that companies collect vast amounts of user data and store them in
datacenters. An alternative we propose is not to collect the data in first
place, and instead occasionally use the computational power of users' devices
to solve the very same optimization problems, while alleviating privacy
concerns at the same time. In such setting, minimization of communication
rounds is the primary goal, and we demonstrate that solving the optimization
problems in such circumstances is conceptually tractable.
|
Kernel Feature Selection via Conditional Covariance Minimization | We propose a method for feature selection that employs kernel-based measures
of independence to find a subset of covariates that is maximally predictive of
the response. Building on past work in kernel dimension reduction, we show how
to perform feature selection via a constrained optimization problem involving
the trace of the conditional covariance operator. We prove various consistency
results for this procedure, and also demonstrate that our method compares
favorably with other state-of-the-art algorithms on a variety of synthetic and
real data sets.
|
Unsupervised Submodular Rank Aggregation on Score-based Permutations | Unsupervised rank aggregation on score-based permutations, which is widely
used in many applications, has not been deeply explored yet. This work studies
the use of submodular optimization for rank aggregation on score-based
permutations in an unsupervised way. Specifically, we propose an unsupervised
approach based on the Lovasz Bregman divergence for setting up linear
structured convex and nested structured concave objective functions. In
addition, stochastic optimization methods are applied in the training process
and efficient algorithms for inference can be guaranteed. The experimental
results from Information Retrieval, Combining Distributed Neural Networks,
Influencers in Social Networks, and Distributed Automatic Speech Recognition
tasks demonstrate the effectiveness of the proposed methods.
|
Model compression as constrained optimization, with application to
neural nets. Part I: general framework | Compressing neural nets is an active research problem, given the large size
of state-of-the-art nets for tasks such as object recognition, and the
computational limits imposed by mobile devices. We give a general formulation
of model compression as constrained optimization. This includes many types of
compression: quantization, low-rank decomposition, pruning, lossless
compression and others. Then, we give a general algorithm to optimize this
nonconvex problem based on the augmented Lagrangian and alternating
optimization. This results in a "learning-compression" algorithm, which
alternates a learning step of the uncompressed model, independent of the
compression type, with a compression step of the model parameters, independent
of the learning task. This simple, efficient algorithm is guaranteed to find
the best compressed model for the task in a local sense under standard
assumptions.
We present separately in several companion papers the development of this
general framework into specific algorithms for model compression based on
quantization, pruning and other variations, including experimental results on
compressing neural nets and other models.
|
Efficient Data Representation by Selecting Prototypes with Importance
Weights | Prototypical examples that best summarizes and compactly represents an
underlying complex data distribution communicate meaningful insights to humans
in domains where simple explanations are hard to extract. In this paper we
present algorithms with strong theoretical guarantees to mine these data sets
and select prototypes a.k.a. representatives that optimally describes them. Our
work notably generalizes the recent work by Kim et al. (2016) where in addition
to selecting prototypes, we also associate non-negative weights which are
indicative of their importance. This extension provides a single coherent
framework under which both prototypes and criticisms (i.e. outliers) can be
found. Furthermore, our framework works for any symmetric positive definite
kernel thus addressing one of the key open questions laid out in Kim et al.
(2016). By establishing that our objective function enjoys a key property of
that of weak submodularity, we present a fast ProtoDash algorithm and also
derive approximation guarantees for the same. We demonstrate the efficacy of
our method on diverse domains such as retail, digit recognition (MNIST) and on
publicly available 40 health questionnaires obtained from the Center for
Disease Control (CDC) website maintained by the US Dept. of Health. We validate
the results quantitatively as well as qualitatively based on expert feedback
and recently published scientific studies on public health, thus showcasing the
power of our technique in providing actionability (for retail), utility (for
MNIST) and insight (on CDC datasets) which arguably are the hallmarks of an
effective data mining method.
|
Data-Driven Sparse Structure Selection for Deep Neural Networks | Deep convolutional neural networks have liberated its extraordinary power on
various tasks. However, it is still very challenging to deploy state-of-the-art
models into real-world applications due to their high computational complexity.
How can we design a compact and effective network without massive experiments
and expert knowledge? In this paper, we propose a simple and effective
framework to learn and prune deep models in an end-to-end manner. In our
framework, a new type of parameter -- scaling factor is first introduced to
scale the outputs of specific structures, such as neurons, groups or residual
blocks. Then we add sparsity regularizations on these factors, and solve this
optimization problem by a modified stochastic Accelerated Proximal Gradient
(APG) method. By forcing some of the factors to zero, we can safely remove the
corresponding structures, thus prune the unimportant parts of a CNN. Comparing
with other structure selection methods that may need thousands of trials or
iterative fine-tuning, our method is trained fully end-to-end in one training
pass without bells and whistles. We evaluate our method, Sparse Structure
Selection with several state-of-the-art CNNs, and demonstrate very promising
results with adaptive depth and width selection.
|
Wasserstein Distance Guided Representation Learning for Domain
Adaptation | Domain adaptation aims at generalizing a high-performance learner on a target
domain via utilizing the knowledge distilled from a source domain which has a
different but related data distribution. One solution to domain adaptation is
to learn domain invariant feature representations while the learned
representations should also be discriminative in prediction. To learn such
representations, domain adaptation frameworks usually include a domain
invariant representation learning approach to measure and reduce the domain
discrepancy, as well as a discriminator for classification. Inspired by
Wasserstein GAN, in this paper we propose a novel approach to learn domain
invariant feature representations, namely Wasserstein Distance Guided
Representation Learning (WDGRL). WDGRL utilizes a neural network, denoted by
the domain critic, to estimate empirical Wasserstein distance between the
source and target samples and optimizes the feature extractor network to
minimize the estimated Wasserstein distance in an adversarial manner. The
theoretical advantages of Wasserstein distance for domain adaptation lie in its
gradient property and promising generalization bound. Empirical studies on
common sentiment and image classification adaptation datasets demonstrate that
our proposed WDGRL outperforms the state-of-the-art domain invariant
representation learning approaches.
|
Like What You Like: Knowledge Distill via Neuron Selectivity Transfer | Despite deep neural networks have demonstrated extraordinary power in various
applications, their superior performances are at expense of high storage and
computational costs. Consequently, the acceleration and compression of neural
networks have attracted much attention recently. Knowledge Transfer (KT), which
aims at training a smaller student network by transferring knowledge from a
larger teacher model, is one of the popular solutions. In this paper, we
propose a novel knowledge transfer method by treating it as a distribution
matching problem. Particularly, we match the distributions of neuron
selectivity patterns between teacher and student networks. To achieve this
goal, we devise a new KT loss function by minimizing the Maximum Mean
Discrepancy (MMD) metric between these distributions. Combined with the
original loss function, our method can significantly improve the performance of
student networks. We validate the effectiveness of our method across several
datasets, and further combine it with other KT methods to explore the best
possible results. Last but not least, we fine-tune the model to other tasks
such as object detection. The results are also encouraging, which confirm the
transferability of the learned features.
|
DarkRank: Accelerating Deep Metric Learning via Cross Sample
Similarities Transfer | We have witnessed rapid evolution of deep neural network architecture design
in the past years. These latest progresses greatly facilitate the developments
in various areas such as computer vision and natural language processing.
However, along with the extraordinary performance, these state-of-the-art
models also bring in expensive computational cost. Directly deploying these
models into applications with real-time requirement is still infeasible.
Recently, Hinton etal. have shown that the dark knowledge within a powerful
teacher model can significantly help the training of a smaller and faster
student network. These knowledge are vastly beneficial to improve the
generalization ability of the student model. Inspired by their work, we
introduce a new type of knowledge -- cross sample similarities for model
compression and acceleration. This knowledge can be naturally derived from deep
metric learning model. To transfer them, we bring the "learning to rank"
technique into deep metric learning formulation. We test our proposed DarkRank
method on various metric learning tasks including pedestrian re-identification,
image retrieval and image clustering. The results are quite encouraging. Our
method can improve over the baseline method by a large margin. Moreover, it is
fully compatible with other existing methods. When combined, the performance
can be further boosted.
|
Learning Geometric Concepts with Nasty Noise | We study the efficient learnability of geometric concept classes -
specifically, low-degree polynomial threshold functions (PTFs) and
intersections of halfspaces - when a fraction of the data is adversarially
corrupted. We give the first polynomial-time PAC learning algorithms for these
concept classes with dimension-independent error guarantees in the presence of
nasty noise under the Gaussian distribution. In the nasty noise model, an
omniscient adversary can arbitrarily corrupt a small fraction of both the
unlabeled data points and their labels. This model generalizes well-studied
noise models, including the malicious noise model and the agnostic (adversarial
label noise) model. Prior to our work, the only concept class for which
efficient malicious learning algorithms were known was the class of
origin-centered halfspaces.
Specifically, our robust learning algorithm for low-degree PTFs succeeds
under a number of tame distributions -- including the Gaussian distribution
and, more generally, any log-concave distribution with (approximately) known
low-degree moments. For LTFs under the Gaussian distribution, we give a
polynomial-time algorithm that achieves error $O(\epsilon)$, where $\epsilon$
is the noise rate. At the core of our PAC learning results is an efficient
algorithm to approximate the low-degree Chow-parameters of any bounded function
in the presence of nasty noise. To achieve this, we employ an iterative
spectral method for outlier detection and removal, inspired by recent work in
robust unsupervised learning. Our aforementioned algorithm succeeds for a range
of distributions satisfying mild concentration bounds and moment assumptions.
The correctness of our robust learning algorithm for intersections of
halfspaces makes essential use of a novel robust inverse independence lemma
that may be of broader interest.
|
Graph Based Recommendations: From Data Representation to Feature
Extraction and Application | Modeling users for the purpose of identifying their preferences and then
personalizing services on the basis of these models is a complex task,
primarily due to the need to take into consideration various explicit and
implicit signals, missing or uncertain information, contextual aspects, and
more. In this study, a novel generic approach for uncovering latent preference
patterns from user data is proposed and evaluated. The approach relies on
representing the data using graphs, and then systematically extracting
graph-based features and using them to enrich the original user models. The
extracted features encapsulate complex relationships between users, items, and
metadata. The enhanced user models can then serve as an input to any
recommendation algorithm. The proposed approach is domain-independent
(demonstrated on data from movies, music, and business recommender systems),
and is evaluated using several state-of-the-art machine learning methods, on
different recommendation tasks, and using different evaluation metrics. The
results show a unanimous improvement in the recommendation accuracy across
tasks and domains. In addition, the evaluation provides a deeper analysis
regarding the performance of the approach in special scenarios, including high
sparsity and variability of ratings.
|
Automated Experiment Design for Data-Efficient Verification of
Parametric Markov Decision Processes | We present a new method for statistical verification of quantitative
properties over a partially unknown system with actions, utilising a
parameterised model (in this work, a parametric Markov decision process) and
data collected from experiments performed on the underlying system. We obtain
the confidence that the underlying system satisfies a given property, and show
that the method uses data efficiently and thus is robust to the amount of data
available. These characteristics are achieved by firstly exploiting parameter
synthesis to establish a feasible set of parameters for which the underlying
system will satisfy the property; secondly, by actively synthesising
experiments to increase amount of information in the collected data that is
relevant to the property; and finally propagating this information over the
model parameters, obtaining a confidence that reflects our belief whether or
not the system parameters lie in the feasible set, thereby solving the
verification problem.
|
Improving Content-Invariance in Gated Autoencoders for 2D and 3D Object
Rotation | Content-invariance in mapping codes learned by GAEs is a useful feature for
various relation learning tasks. In this paper we show that the
content-invariance of mapping codes for images of 2D and 3D rotated objects can
be substantially improved by extending the standard GAE loss (symmetric
reconstruction error) with a regularization term that penalizes the symmetric
cross-reconstruction error. This error term involves reconstruction of pairs
with mapping codes obtained from other pairs exhibiting similar
transformations. Although this would principally require knowledge of the
transformations exhibited by training pairs, our experiments show that a
bootstrapping approach can sidestep this issue, and that the regularization
term can effectively be used in an unsupervised setting.
|
SHADHO: Massively Scalable Hardware-Aware Distributed Hyperparameter
Optimization | Computer vision is experiencing an AI renaissance, in which machine learning
models are expediting important breakthroughs in academic research and
commercial applications. Effectively training these models, however, is not
trivial due in part to hyperparameters: user-configured values that control a
model's ability to learn from data. Existing hyperparameter optimization
methods are highly parallel but make no effort to balance the search across
heterogeneous hardware or to prioritize searching high-impact spaces. In this
paper, we introduce a framework for massively Scalable Hardware-Aware
Distributed Hyperparameter Optimization (SHADHO). Our framework calculates the
relative complexity of each search space and monitors performance on the
learning task over all trials. These metrics are then used as heuristics to
assign hyperparameters to distributed workers based on their hardware. We first
demonstrate that our framework achieves double the throughput of a standard
distributed hyperparameter optimization framework by optimizing SVM for MNIST
using 150 distributed workers. We then conduct model search with SHADHO over
the course of one week using 74 GPUs across two compute clusters to optimize
U-Net for a cell segmentation task, discovering 515 models that achieve a lower
validation loss than standard U-Net.
|
Labeled Memory Networks for Online Model Adaptation | Augmenting a neural network with memory that can grow without growing the
number of trained parameters is a recent powerful concept with many exciting
applications. We propose a design of memory augmented neural networks (MANNs)
called Labeled Memory Networks (LMNs) suited for tasks requiring online
adaptation in classification models. LMNs organize the memory with classes as
the primary key.The memory acts as a second boosted stage following a regular
neural network thereby allowing the memory and the primary network to play
complementary roles. Unlike existing MANNs that write to memory for every
instance and use LRU based memory replacement, LMNs write only for instances
with non-zero loss and use label-based memory replacement. We demonstrate
significant accuracy gains on various tasks including word-modelling and
few-shot learning. In this paper, we establish their potential in online
adapting a batch trained neural network to domain-relevant labeled data at
deployment time. We show that LMNs are better than other MANNs designed for
meta-learning. We also found them to be more accurate and faster than
state-of-the-art methods of retuning model parameters for adapting to
domain-specific labeled data.
|
Complex and Holographic Embeddings of Knowledge Graphs: A Comparison | Embeddings of knowledge graphs have received significant attention due to
their excellent performance for tasks like link prediction and entity
resolution. In this short paper, we are providing a comparison of two
state-of-the-art knowledge graph embeddings for which their equivalence has
recently been established, i.e., ComplEx and HolE [Nickel, Rosasco, and Poggio,
2016; Trouillon et al., 2016; Hayashi and Shimbo, 2017]. First, we briefly
review both models and discuss how their scoring functions are equivalent. We
then analyze the discrepancy of results reported in the original articles, and
show experimentally that they are likely due to the use of different loss
functions. In further experiments, we evaluate the ability of both models to
embed symmetric and antisymmetric patterns. Finally, we discuss advantages and
disadvantages of both models and under which conditions one would be preferable
to the other.
|
Convolutional 2D Knowledge Graph Embeddings | Link prediction for knowledge graphs is the task of predicting missing
relationships between entities. Previous work on link prediction has focused on
shallow, fast models which can scale to large knowledge graphs. However, these
models learn less expressive features than deep, multi-layer models -- which
potentially limits performance. In this work, we introduce ConvE, a multi-layer
convolutional network model for link prediction, and report state-of-the-art
results for several established datasets. We also show that the model is highly
parameter efficient, yielding the same performance as DistMult and R-GCN with
8x and 17x fewer parameters. Analysis of our model suggests that it is
particularly effective at modelling nodes with high indegree -- which are
common in highly-connected, complex knowledge graphs such as Freebase and
YAGO3. In addition, it has been noted that the WN18 and FB15k datasets suffer
from test set leakage, due to inverse relations from the training set being
present in the test set -- however, the extent of this issue has so far not
been quantified. We find this problem to be severe: a simple rule-based model
can achieve state-of-the-art results on both WN18 and FB15k. To ensure that
models are evaluated on datasets where simply exploiting inverse relations
cannot yield competitive results, we investigate and validate several commonly
used datasets -- deriving robust variants where necessary. We then perform
experiments on these robust datasets for our own and several previously
proposed models and find that ConvE achieves state-of-the-art Mean Reciprocal
Rank across most datasets.
|
Like trainer, like bot? Inheritance of bias in algorithmic content
moderation | The internet has become a central medium through which `networked publics'
express their opinions and engage in debate. Offensive comments and personal
attacks can inhibit participation in these spaces. Automated content moderation
aims to overcome this problem using machine learning classifiers trained on
large corpora of texts manually annotated for offence. While such systems could
help encourage more civil debate, they must navigate inherently normatively
contestable boundaries, and are subject to the idiosyncratic norms of the human
raters who provide the training data. An important objective for platforms
implementing such measures might be to ensure that they are not unduly biased
towards or against particular norms of offence. This paper provides some
exploratory methods by which the normative biases of algorithmic content
moderation systems can be measured, by way of a case study using an existing
dataset of comments labelled for offence. We train classifiers on comments
labelled by different demographic subsets (men and women) to understand how
differences in conceptions of offence between these groups might affect the
performance of the resulting models on various test sets. We conclude by
discussing some of the ethical choices facing the implementers of algorithmic
moderation systems, given various desired levels of diversity of viewpoints
amongst discussion participants.
|
Hindsight Experience Replay | Dealing with sparse rewards is one of the biggest challenges in Reinforcement
Learning (RL). We present a novel technique called Hindsight Experience Replay
which allows sample-efficient learning from rewards which are sparse and binary
and therefore avoid the need for complicated reward engineering. It can be
combined with an arbitrary off-policy RL algorithm and may be seen as a form of
implicit curriculum.
We demonstrate our approach on the task of manipulating objects with a
robotic arm. In particular, we run experiments on three different tasks:
pushing, sliding, and pick-and-place, in each case using only binary rewards
indicating whether or not the task is completed. Our ablation studies show that
Hindsight Experience Replay is a crucial ingredient which makes training
possible in these challenging environments. We show that our policies trained
on a physics simulation can be deployed on a physical robot and successfully
complete the task.
|
Early stopping for kernel boosting algorithms: A general analysis with
localized complexities | Early stopping of iterative algorithms is a widely-used form of
regularization in statistics, commonly used in conjunction with boosting and
related gradient-type algorithms. Although consistency results have been
established in some settings, such estimators are less well-understood than
their analogues based on penalized regularization. In this paper, for a
relatively broad class of loss functions and boosting algorithms (including
L2-boost, LogitBoost and AdaBoost, among others), we exhibit a direct
connection between the performance of a stopped iterate and the localized
Gaussian complexity of the associated function class. This connection allows us
to show that local fixed point analysis of Gaussian or Rademacher complexities,
now standard in the analysis of penalized estimators, can be used to derive
optimal stopping rules. We derive such stopping rules in detail for various
kernel classes, and illustrate the correspondence of our theory with practice
for Sobolev kernel classes.
|
Automatic Generation of Natural Language Explanations | An important task for recommender system is to generate explanations
according to a user's preferences. Most of the current methods for explainable
recommendations use structured sentences to provide descriptions along with the
recommendations they produce. However, those methods have neglected the
review-oriented way of writing a text, even though it is known that these
reviews have a strong influence over user's decision.
In this paper, we propose a method for the automatic generation of natural
language explanations, for predicting how a user would write about an item,
based on user ratings from different items' features. We design a
character-level recurrent neural network (RNN) model, which generates an item's
review explanations using long-short term memories (LSTM). The model generates
text reviews given a combination of the review and ratings score that express
opinions about different factors or aspects of an item. Our network is trained
on a sub-sample from the large real-world dataset BeerAdvocate. Our empirical
evaluation using natural language processing metrics shows the generated text's
quality is close to a real user written review, identifying negation,
misspellings, and domain specific vocabulary.
|
A Data Science Approach to Understanding Residential Water Contamination
in Flint | When the residents of Flint learned that lead had contaminated their water
system, the local government made water-testing kits available to them free of
charge. The city government published the results of these tests, creating a
valuable dataset that is key to understanding the causes and extent of the lead
contamination event in Flint. This is the nation's largest dataset on lead in a
municipal water system.
In this paper, we predict the lead contamination for each household's water
supply, and we study several related aspects of Flint's water troubles, many of
which generalize well beyond this one city. For example, we show that elevated
lead risks can be (weakly) predicted from observable home attributes. Then we
explore the factors associated with elevated lead. These risk assessments were
developed in part via a crowd sourced prediction challenge at the University of
Michigan. To inform Flint residents of these assessments, they have been
incorporated into a web and mobile application funded by \texttt{Google.org}.
We also explore questions of self-selection in the residential testing program,
examining which factors are linked to when and how frequently residents
voluntarily sample their water.
|
Multimedia Semantic Integrity Assessment Using Joint Embedding Of Images
And Text | Real world multimedia data is often composed of multiple modalities such as
an image or a video with associated text (e.g. captions, user comments, etc.)
and metadata. Such multimodal data packages are prone to manipulations, where a
subset of these modalities can be altered to misrepresent or repurpose data
packages, with possible malicious intent. It is, therefore, important to
develop methods to assess or verify the integrity of these multimedia packages.
Using computer vision and natural language processing methods to directly
compare the image (or video) and the associated caption to verify the integrity
of a media package is only possible for a limited set of objects and scenes. In
this paper, we present a novel deep learning-based approach for assessing the
semantic integrity of multimedia packages containing images and captions, using
a reference set of multimedia packages. We construct a joint embedding of
images and captions with deep multimodal representation learning on the
reference dataset in a framework that also provides image-caption consistency
scores (ICCSs). The integrity of query media packages is assessed as the
inlierness of the query ICCSs with respect to the reference dataset. We present
the MultimodAl Information Manipulation dataset (MAIM), a new dataset of media
packages from Flickr, which we make available to the research community. We use
both the newly created dataset as well as Flickr30K and MS COCO datasets to
quantitatively evaluate our proposed approach. The reference dataset does not
contain unmanipulated versions of tampered query packages. Our method is able
to achieve F1 scores of 0.75, 0.89 and 0.94 on MAIM, Flickr30K and MS COCO,
respectively, for detecting semantically incoherent media packages.
|
RIDDLE: Race and ethnicity Imputation from Disease history with Deep
LEarning | Anonymized electronic medical records are an increasingly popular source of
research data. However, these datasets often lack race and ethnicity
information. This creates problems for researchers modeling human disease, as
race and ethnicity are powerful confounders for many health exposures and
treatment outcomes; race and ethnicity are closely linked to
population-specific genetic variation. We showed that deep neural networks
generate more accurate estimates for missing racial and ethnic information than
competing methods (e.g., logistic regression, random forest). RIDDLE yielded
significantly better classification performance across all metrics that were
considered: accuracy, cross-entropy loss (error), and area under the curve for
receiver operating characteristic plots (all $p < 10^{-6}$). We made specific
efforts to interpret the trained neural network models to identify, quantify,
and visualize medical features which are predictive of race and ethnicity. We
used these characterizations of informative features to perform a systematic
comparison of differential disease patterns by race and ethnicity. The fact
that clinical histories are informative for imputing race and ethnicity could
reflect (1) a skewed distribution of blue- and white-collar professions across
racial and ethnic groups, (2) uneven accessibility and subjective importance of
prophylactic health, (3) possible variation in lifestyle, such as dietary
habits, and (4) differences in background genetic variation which predispose to
diseases.
|
Convergence Analysis of Optimization Algorithms | The regret bound of an optimization algorithms is one of the basic criteria
for evaluating the performance of the given algorithm. By inspecting the
differences between the regret bounds of traditional algorithms and adaptive
one, we provide a guide for choosing an optimizer with respect to the given
data set and the loss function. For analysis, we assume that the loss function
is convex and its gradient is Lipschitz continuous.
|
Automated Lane Detection in Crowds using Proximity Graphs | Studying the behavior of crowds is vital for understanding and predicting
human interactions in public areas. Research has shown that, under certain
conditions, large groups of people can form collective behavior patterns: local
interactions between individuals results in global movements patterns. To
detect these patterns in a crowd, we assume each person is carrying an on-body
device that acts a local proximity sensor, e.g., smartphone or bluetooth badge,
and represent the texture of the crowd as a proximity graph. Our goal is
extract information about crowds from these proximity graphs. In this work, we
focus on one particular type of pattern: lane formation. We present a formal
definition of a lane, proposed a simple probabilistic model that simulates
lanes moving through a stationary crowd, and present an automated
lane-detection method. Our preliminary results show that our method is able to
detect lanes of different shapes and sizes. We see our work as an initial step
towards rich pattern recognition using proximity graphs.
|
CNN features are also great at unsupervised classification | This paper aims at providing insight on the transferability of deep CNN
features to unsupervised problems. We study the impact of different pretrained
CNN feature extractors on the problem of image set clustering for object
classification as well as fine-grained classification. We propose a rather
straightforward pipeline combining deep-feature extraction using a CNN
pretrained on ImageNet and a classic clustering algorithm to classify sets of
images. This approach is compared to state-of-the-art algorithms in
image-clustering and provides better results. These results strengthen the
belief that supervised training of deep CNN on large datasets, with a large
variability of classes, extracts better features than most carefully designed
engineering approaches, even for unsupervised tasks. We also validate our
approach on a robotic application, consisting in sorting and storing objects
smartly based on clustering.
|
Climbing the Kaggle Leaderboard by Exploiting the Log-Loss Oracle | In the context of data-mining competitions (e.g., Kaggle, KDDCup, ILSVRC
Challenge), we show how access to an oracle that reports a contestant's
log-loss score on the test set can be exploited to deduce the ground-truth of
some of the test examples. By applying this technique iteratively to batches of
$m$ examples (for small $m$), all of the test labels can eventually be
inferred. In this paper, (1) We demonstrate this attack on the first stage of a
recent Kaggle competition (Intel & MobileODT Cancer Screening) and use it to
achieve a log-loss of $0.00000$ (and thus attain a rank of #4 out of 848
contestants), without ever training a classifier to solve the actual task. (2)
We prove an upper bound on the batch size $m$ as a function of the
floating-point resolution of the probability estimates that the contestant
submits for the labels. (3) We derive, and demonstrate in simulation, a more
flexible attack that can be used even when the oracle reports the accuracy on
an unknown (but fixed) subset of the test set's labels. These results underline
the importance of evaluating contestants based only on test data that the
oracle does not examine.
|
Indefinite Kernel Logistic Regression with Concave-inexact-convex
Procedure | In kernel methods, the kernels are often required to be positive definite,
which restricts the use of many indefinite kernels. To consider those
non-positive definite kernels, in this paper, we aim to build an indefinite
kernel learning framework for kernel logistic regression. The proposed
indefinite kernel logistic regression (IKLR) model is analysed in the
Reproducing Kernel Kre\u{\i}n Spaces (RKKS) and then becomes non-convex. Using
the positive decomposition of a non-positive definite kernel, the derived IKLR
model can be decomposed into the difference of two convex functions.
Accordingly, a concave-convex procedure is introduced to solve the non-convex
optimization problem. Since the concave-convex procedure has to solve a
sub-problem in each iteration, we propose a concave-inexact-convex procedure
(CCICP) algorithm with an inexact solving scheme to accelerate the solving
process. Besides, we propose a stochastic variant of CCICP to efficiently
obtain a proximal solution, which achieves the similar purpose with the inexact
solving scheme in CCICP. The convergence analyses of the above two variants of
concave-convex procedure are conducted. By doing so, our method works
effectively not only under a deterministic setting but also under a stochastic
setting. Experimental results on several benchmarks suggest that the proposed
IKLR model performs favorably against the standard (positive-definite) kernel
logistic regression and other competitive indefinite learning based algorithms.
|
Calibrated Fairness in Bandits | We study fairness within the stochastic, \emph{multi-armed bandit} (MAB)
decision making framework. We adapt the fairness framework of "treating similar
individuals similarly" to this setting. Here, an `individual' corresponds to an
arm and two arms are `similar' if they have a similar quality distribution.
First, we adopt a {\em smoothness constraint} that if two arms have a similar
quality distribution then the probability of selecting each arm should be
similar. In addition, we define the {\em fairness regret}, which corresponds to
the degree to which an algorithm is not calibrated, where perfect calibration
requires that the probability of selecting an arm is equal to the probability
with which the arm has the best quality realization. We show that a variation
on Thompson sampling satisfies smooth fairness for total variation distance,
and give an $\tilde{O}((kT)^{2/3})$ bound on fairness regret. This complements
prior work, which protects an on-average better arm from being less favored. We
also explain how to extend our algorithm to the dueling bandit setting.
|
Diffusion Convolutional Recurrent Neural Network: Data-Driven Traffic
Forecasting | Spatiotemporal forecasting has various applications in neuroscience, climate
and transportation domain. Traffic forecasting is one canonical example of such
learning task. The task is challenging due to (1) complex spatial dependency on
road networks, (2) non-linear temporal dynamics with changing road conditions
and (3) inherent difficulty of long-term forecasting. To address these
challenges, we propose to model the traffic flow as a diffusion process on a
directed graph and introduce Diffusion Convolutional Recurrent Neural Network
(DCRNN), a deep learning framework for traffic forecasting that incorporates
both spatial and temporal dependency in the traffic flow. Specifically, DCRNN
captures the spatial dependency using bidirectional random walks on the graph,
and the temporal dependency using the encoder-decoder architecture with
scheduled sampling. We evaluate the framework on two real-world large scale
road network traffic datasets and observe consistent improvement of 12% - 15%
over state-of-the-art baselines.
|
End-to-End Learning of Semantic Grasping | We consider the task of semantic robotic grasping, in which a robot picks up
an object of a user-specified class using only monocular images. Inspired by
the two-stream hypothesis of visual reasoning, we present a semantic grasping
framework that learns object detection, classification, and grasp planning in
an end-to-end fashion. A "ventral stream" recognizes object class while a
"dorsal stream" simultaneously interprets the geometric relationships necessary
to execute successful grasps. We leverage the autonomous data collection
capabilities of robots to obtain a large self-supervised dataset for training
the dorsal stream, and use semi-supervised label propagation to train the
ventral stream with only a modest amount of human supervision. We
experimentally show that our approach improves upon grasping systems whose
components are not learned end-to-end, including a baseline method that uses
bounding box detection. Furthermore, we show that jointly training our model
with auxiliary data consisting of non-semantic grasping data, as well as
semantically labeled images without grasp actions, has the potential to
substantially improve semantic grasping performance.
|
High-Performance FPGA Implementation of Equivariant Adaptive Separation
via Independence Algorithm for Independent Component Analysis | Independent Component Analysis (ICA) is a dimensionality reduction technique
that can boost efficiency of machine learning models that deal with probability
density functions, e.g. Bayesian neural networks. Algorithms that implement
adaptive ICA converge slower than their nonadaptive counterparts, however, they
are capable of tracking changes in underlying distributions of input features.
This intrinsically slow convergence of adaptive methods combined with existing
hardware implementations that operate at very low clock frequencies necessitate
fundamental improvements in both algorithm and hardware design. This paper
presents an algorithm that allows efficient hardware implementation of ICA.
Compared to previous work, our FPGA implementation of adaptive ICA improves
clock frequency by at least one order of magnitude and throughput by at least
two orders of magnitude. Our proposed algorithm is not limited to ICA and can
be used in various machine learning problems that use stochastic gradient
descent optimization.
|
A causal framework for explaining the predictions of black-box
sequence-to-sequence models | We interpret the predictions of any black-box structured input-structured
output model around a specific input-output pair. Our method returns an
"explanation" consisting of groups of input-output tokens that are causally
related. These dependencies are inferred by querying the black-box model with
perturbed inputs, generating a graph over tokens from the responses, and
solving a partitioning problem to select the most relevant components. We focus
the general approach on sequence-to-sequence problems, adopting a variational
autoencoder to yield meaningful input perturbations. We test our method across
several NLP sequence generation tasks.
|
Simple Classification using Binary Data | Binary, or one-bit, representations of data arise naturally in many
applications, and are appealing in both hardware implementations and algorithm
design. In this work, we study the problem of data classification from binary
data and propose a framework with low computation and resource costs. We
illustrate the utility of the proposed approach through stylized and realistic
numerical experiments, and provide a theoretical analysis for a simple case. We
hope that our framework and analysis will serve as a foundation for studying
similar types of approaches.
|
Option Pricing and Hedging for Discrete Time Autoregressive Hidden
Markov Model | In this paper we solve the discrete time mean-variance hedging problem when
asset returns follow a multivariate autoregressive hidden Markov model. Time
dependent volatility and serial dependence are well established properties of
financial time series and our model covers both. To illustrate the relevance of
our proposed methodology, we first compare the proposed model with the
well-known hidden Markov model via likelihood ratio tests and a novel
goodness-of-fit test on the S\&P 500 daily returns. Secondly, we present
out-of-sample hedging results on S\&P 500 vanilla options as well as a trading
strategy based on theoretical prices, which we compare to simpler models
including the classical Black-Scholes delta-hedging approach.
|
LoopInvGen: A Loop Invariant Generator based on Precondition Inference | We describe the LoopInvGen tool for generating loop invariants that can
provably guarantee correctness of a program with respect to a given
specification. LoopInvGen is an efficient implementation of the inference
technique originally proposed in our earlier work on PIE
(https://doi.org/10.1145/2908080.2908099).
In contrast to existing techniques, LoopInvGen is not restricted to a fixed
set of features -- atomic predicates that are composed together to build
complex loop invariants. Instead, we start with no initial features, and use
program synthesis techniques to grow the set on demand. This not only enables a
less onerous and more expressive approach, but also appears to be significantly
faster than the existing tools over the SyGuS-COMP 2018 benchmarks from the INV
track.
|
A Tutorial on Thompson Sampling | Thompson sampling is an algorithm for online decision problems where actions
are taken sequentially in a manner that must balance between exploiting what is
known to maximize immediate performance and investing to accumulate new
information that may improve future performance. The algorithm addresses a
broad range of problems in a computationally efficient manner and is therefore
enjoying wide use. This tutorial covers the algorithm and its application,
illustrating concepts through a range of examples, including Bernoulli bandit
problems, shortest path problems, product recommendation, assortment, active
learning with neural networks, and reinforcement learning in Markov decision
processes. Most of these problems involve complex information structures, where
information revealed by taking an action informs beliefs about other actions.
We will also discuss when and why Thompson sampling is or is not effective and
relations to alternative algorithms.
|
Deep Character-Level Click-Through Rate Prediction for Sponsored Search | Predicting the click-through rate of an advertisement is a critical component
of online advertising platforms. In sponsored search, the click-through rate
estimates the probability that a displayed advertisement is clicked by a user
after she submits a query to the search engine. Commercial search engines
typically rely on machine learning models trained with a large number of
features to make such predictions. This is inevitably requires a lot of
engineering efforts to define, compute, and select the appropriate features. In
this paper, we propose two novel approaches (one working at character level and
the other working at word level) that use deep convolutional neural networks to
predict the click-through rate of a query-advertisement pair. Specially, the
proposed architectures only consider the textual content appearing in a
query-advertisement pair as input, and produce as output a click-through rate
prediction. By comparing the character-level model with the word-level model,
we show that language representation can be learnt from scratch at character
level when trained on enough data. Through extensive experiments using billions
of query-advertisement pairs of a popular commercial search engine, we
demonstrate that both approaches significantly outperform a baseline model
built on well-selected text features and a state-of-the-art word2vec-based
approach. Finally, by combining the predictions of the deep models introduced
in this study with the prediction of the model in production of the same
commercial search engine, we significantly improve the accuracy and the
calibration of the click-through rate prediction of the production system.
|
Learning Loss Functions for Semi-supervised Learning via Discriminative
Adversarial Networks | We propose discriminative adversarial networks (DAN) for semi-supervised
learning and loss function learning. Our DAN approach builds upon generative
adversarial networks (GANs) and conditional GANs but includes the key
differentiator of using two discriminators instead of a generator and a
discriminator. DAN can be seen as a framework to learn loss functions for
predictors that also implements semi-supervised learning in a straightforward
manner. We propose instantiations of DAN for two different prediction tasks:
classification and ranking. Our experimental results on three datasets of
different tasks demonstrate that DAN is a promising framework for both
semi-supervised learning and learning loss functions for predictors. For all
tasks, the semi-supervised capability of DAN can significantly boost the
predictor performance for small labeled sets with minor architecture changes
across tasks. Moreover, the loss functions automatically learned by DANs are
very competitive and usually outperform the standard pairwise and negative
log-likelihood loss functions for both semi-supervised and supervised learning.
|
Learning human behaviors from motion capture by adversarial imitation | Rapid progress in deep reinforcement learning has made it increasingly
feasible to train controllers for high-dimensional humanoid bodies. However,
methods that use pure reinforcement learning with simple reward functions tend
to produce non-humanlike and overly stereotyped movement behaviors. In this
work, we extend generative adversarial imitation learning to enable training of
generic neural network policies to produce humanlike movement patterns from
limited demonstrations consisting only of partially observed state features,
without access to actions, even when the demonstrations come from a body with
different and unknown physical parameters. We leverage this approach to build
sub-skill policies from motion capture data and show that they can be reused to
solve tasks when controlled by a higher level controller.
|
Fair Personalization | Personalization is pervasive in the online space as, when combined with
learning, it leads to higher efficiency and revenue by allowing the most
relevant content to be served to each user. However, recent studies suggest
that such personalization can propagate societal or systemic biases, which has
led to calls for regulatory mechanisms and algorithms to combat inequality.
Here we propose a rigorous algorithmic framework that allows for the
possibility to control biased or discriminatory personalization with respect to
sensitive attributes of users without losing all of the benefits of
personalization.
|
Transferring End-to-End Visuomotor Control from Simulation to Real World
for a Multi-Stage Task | End-to-end control for robot manipulation and grasping is emerging as an
attractive alternative to traditional pipelined approaches. However, end-to-end
methods tend to either be slow to train, exhibit little or no generalisability,
or lack the ability to accomplish long-horizon or multi-stage tasks. In this
paper, we show how two simple techniques can lead to end-to-end (image to
velocity) execution of a multi-stage task, which is analogous to a simple
tidying routine, without having seen a single real image. This involves
locating, reaching for, and grasping a cube, then locating a basket and
dropping the cube inside. To achieve this, robot trajectories are computed in a
simulator, to collect a series of control velocities which accomplish the task.
Then, a CNN is trained to map observed images to velocities, using domain
randomisation to enable generalisation to real world images. Results show that
we are able to successfully accomplish the task in the real world with the
ability to generalise to novel environments, including those with dynamic
lighting conditions, distractor objects, and moving objects, including the
basket itself. We believe our approach to be simple, highly scalable, and
capable of learning long-horizon tasks that have until now not been shown with
the state-of-the-art in end-to-end robot control.
|
TasselNet: Counting maize tassels in the wild via local counts
regression network | Accurately counting maize tassels is important for monitoring the growth
status of maize plants. This tedious task, however, is still mainly done by
manual efforts. In the context of modern plant phenotyping, automating this
task is required to meet the need of large-scale analysis of genotype and
phenotype. In recent years, computer vision technologies have experienced a
significant breakthrough due to the emergence of large-scale datasets and
increased computational resources. Naturally image-based approaches have also
received much attention in plant-related studies. Yet a fact is that most
image-based systems for plant phenotyping are deployed under controlled
laboratory environment. When transferring the application scenario to
unconstrained in-field conditions, intrinsic and extrinsic variations in the
wild pose great challenges for accurate counting of maize tassels, which goes
beyond the ability of conventional image processing techniques. This calls for
further robust computer vision approaches to address in-field variations. This
paper studies the in-field counting problem of maize tassels. To our knowledge,
this is the first time that a plant-related counting problem is considered
using computer vision technologies under unconstrained field-based environment.
|
Bayesian Models of Data Streams with Hierarchical Power Priors | Making inferences from data streams is a pervasive problem in many modern
data analysis applications. But it requires to address the problem of
continuous model updating and adapt to changes or drifts in the underlying data
generating distribution. In this paper, we approach these problems from a
Bayesian perspective covering general conjugate exponential models. Our
proposal makes use of non-conjugate hierarchical priors to explicitly model
temporal changes of the model parameters. We also derive a novel variational
inference scheme which overcomes the use of non-conjugate priors while
maintaining the computational efficiency of variational methods over conjugate
models. The approach is validated on three real data sets over three latent
variable models.
|
A case study of Empirical Bayes in User-Movie Recommendation system | In this article we provide a formulation of empirical bayes described by
Atchade (2011) to tune the hyperparameters of priors used in bayesian set up of
collaborative filter. We implement the same in MovieLens small dataset. We see
that it can be used to get a good initial choice for the parameters. It can
also be used to guess an initial choice for hyper-parameters in grid search
procedure even for the datasets where MCMC oscillates around the true value or
takes long time to converge.
|
Evaluating race and sex diversity in the world's largest companies using
deep neural networks | Diversity is one of the fundamental properties for the survival of species,
populations, and organizations. Recent advances in deep learning allow for the
rapid and automatic assessment of organizational diversity and possible
discrimination by race, sex, age and other parameters. Automating the process
of assessing the organizational diversity using the deep neural networks and
eliminating the human factor may provide a set of real-time unbiased reports to
all stakeholders. In this pilot study we applied the deep-learned predictors of
race and sex to the executive management and board member profiles of the 500
largest companies from the 2016 Forbes Global 2000 list and compared the
predicted ratios to the ratios within each company's country of origin and
ranked them by the sex-, age- and race- diversity index (DI). While the study
has many limitations and no claims are being made concerning the individual
companies, it demonstrates a method for the rapid and impartial assessment of
organizational diversity using deep neural networks.
|
Correlational Dueling Bandits with Application to Clinical Treatment in
Large Decision Spaces | We consider sequential decision making under uncertainty, where the goal is
to optimize over a large decision space using noisy comparative feedback. This
problem can be formulated as a $K$-armed Dueling Bandits problem where $K$ is
the total number of decisions. When $K$ is very large, existing dueling bandits
algorithms suffer huge cumulative regret before converging on the optimal arm.
This paper studies the dueling bandits problem with a large number of arms that
exhibit a low-dimensional correlation structure. Our problem is motivated by a
clinical decision making process in large decision space. We propose an
efficient algorithm CorrDuel which optimizes the exploration/exploitation
tradeoff in this large decision space of clinical treatments. More broadly, our
approach can be applied to other sequential decision problems with large and
structured decision spaces. We derive regret bounds, and evaluate performance
in simulation experiments as well as on a live clinical trial of therapeutic
spinal cord stimulation. To our knowledge, this marks the first time an online
learning algorithm was applied towards spinal cord injury treatments. Our
experimental results show the effectiveness and efficiency of our approach.
|
Efficient Vector Representation for Documents through Corruption | We present an efficient document representation learning framework, Document
Vector through Corruption (Doc2VecC). Doc2VecC represents each document as a
simple average of word embeddings. It ensures a representation generated as
such captures the semantic meanings of the document during learning. A
corruption model is included, which introduces a data-dependent regularization
that favors informative or rare words while forcing the embeddings of common
and non-discriminative ones to be close to zero. Doc2VecC produces
significantly better word embeddings than Word2Vec. We compare Doc2VecC with
several state-of-the-art document representation learning algorithms. The
simple model architecture introduced by Doc2VecC matches or out-performs the
state-of-the-art in generating high-quality document representations for
sentiment analysis, document classification as well as semantic relatedness
tasks. The simplicity of the model enables training on billions of words per
hour on a single machine. At the same time, the model is very efficient in
generating representations of unseen documents at test time.
|
Learning Mixture of Gaussians with Streaming Data | In this paper, we study the problem of learning a mixture of Gaussians with
streaming data: given a stream of $N$ points in $d$ dimensions generated by an
unknown mixture of $k$ spherical Gaussians, the goal is to estimate the model
parameters using a single pass over the data stream. We analyze a streaming
version of the popular Lloyd's heuristic and show that the algorithm estimates
all the unknown centers of the component Gaussians accurately if they are
sufficiently separated. Assuming each pair of centers are $C\sigma$ distant
with $C=\Omega((k\log k)^{1/4}\sigma)$ and where $\sigma^2$ is the maximum
variance of any Gaussian component, we show that asymptotically the algorithm
estimates the centers optimally (up to constants); our center separation
requirement matches the best known result for spherical Gaussians
\citep{vempalawang}. For finite samples, we show that a bias term based on the
initial estimate decreases at $O(1/{\rm poly}(N))$ rate while variance
decreases at nearly optimal rate of $\sigma^2 d/N$.
Our analysis requires seeding the algorithm with a good initial estimate of
the true cluster centers for which we provide an online PCA based clustering
algorithm. Indeed, the asymptotic per-step time complexity of our algorithm is
the optimal $d\cdot k$ while space complexity of our algorithm is $O(dk\log
k)$.
In addition to the bias and variance terms which tend to $0$, the
hard-thresholding based updates of streaming Lloyd's algorithm is agnostic to
the data distribution and hence incurs an approximation error that cannot be
avoided. However, by using a streaming version of the classical
(soft-thresholding-based) EM method that exploits the Gaussian distribution
explicitly, we show that for a mixture of two Gaussians the true means can be
estimated consistently, with estimation error decreasing at nearly optimal
rate, and tending to $0$ for $N\rightarrow \infty$.
|
Learning Representations and Generative Models for 3D Point Clouds | Three-dimensional geometric data offer an excellent domain for studying
representation learning and generative modeling. In this paper, we look at
geometric data represented as point clouds. We introduce a deep AutoEncoder
(AE) network with state-of-the-art reconstruction quality and generalization
ability. The learned representations outperform existing methods on 3D
recognition tasks and enable shape editing via simple algebraic manipulations,
such as semantic part editing, shape analogies and shape interpolation, as well
as shape completion. We perform a thorough study of different generative models
including GANs operating on the raw point clouds, significantly improved GANs
trained in the fixed latent space of our AEs, and Gaussian Mixture Models
(GMMs). To quantitatively evaluate generative models we introduce measures of
sample fidelity and diversity based on matchings between sets of point clouds.
Interestingly, our evaluation of generalization, fidelity and diversity reveals
that GMMs trained in the latent space of our AEs yield the best results
overall.
|
Application of Transfer Learning Approaches in Multimodal Wearable Human
Activity Recognition | Through this project, we researched on transfer learning methods and their
applications on real world problems. By implementing and modifying various
methods in transfer learning for our problem, we obtained an insight in the
advantages and disadvantages of these methods, as well as experiences in
developing neural network models for knowledge transfer. Due to time
constraint, we only applied a representative method for each major approach in
transfer learning. As pointed out in the literature review, each method has its
own assumptions, strengths and shortcomings. Thus we believe that an
ensemble-learning approach combining the different methods should yield a
better performance, which can be our future research focus.
|
Global optimality conditions for deep neural networks | We study the error landscape of deep linear and nonlinear neural networks
with the squared error loss. Minimizing the loss of a deep linear neural
network is a nonconvex problem, and despite recent progress, our understanding
of this loss surface is still incomplete. For deep linear networks, we present
necessary and sufficient conditions for a critical point of the risk function
to be a global minimum. Surprisingly, our conditions provide an efficiently
checkable test for global optimality, while such tests are typically
intractable in nonconvex optimization. We further extend these results to deep
nonlinear neural networks and prove similar sufficient conditions for global
optimality, albeit in a more limited function space setting.
|
Tailoring Artificial Neural Networks for Optimal Learning | As one of the most important paradigms of recurrent neural networks, the echo
state network (ESN) has been applied to a wide range of fields, from robotics
to medicine, finance, and language processing. A key feature of the ESN
paradigm is its reservoir --- a directed and weighted network of neurons that
projects the input time series into a high dimensional space where linear
regression or classification can be applied. Despite extensive studies, the
impact of the reservoir network on the ESN performance remains unclear.
Combining tools from physics, dynamical systems and network science, we attempt
to open the black box of ESN and offer insights to understand the behavior of
general artificial neural networks. Through spectral analysis of the reservoir
network we reveal a key factor that largely determines the ESN memory capacity
and hence affects its performance. Moreover, we find that adding short loops to
the reservoir network can tailor ESN for specific tasks and optimize learning.
We validate our findings by applying ESN to forecast both synthetic and real
benchmark time series. Our results provide a new way to design task-specific
ESN. More importantly, it demonstrates the power of combining tools from
physics, dynamical systems and network science to offer new insights in
understanding the mechanisms of general artificial neural networks.
|
Variational Inference via Transformations on Distributions | Variational inference methods often focus on the problem of efficient model
optimization, with little emphasis on the choice of the approximating
posterior. In this paper, we review and implement the various methods that
enable us to develop a rich family of approximating posteriors. We show that
one particular method employing transformations on distributions results in
developing very rich and complex posterior approximation. We analyze its
performance on the MNIST dataset by implementing with a Variational Autoencoder
and demonstrate its effectiveness in learning better posterior distributions.
|
A Fast Integrated Planning and Control Framework for Autonomous Driving
via Imitation Learning | For safe and efficient planning and control in autonomous driving, we need a
driving policy which can achieve desirable driving quality in long-term horizon
with guaranteed safety and feasibility. Optimization-based approaches, such as
Model Predictive Control (MPC), can provide such optimal policies, but their
computational complexity is generally unacceptable for real-time
implementation. To address this problem, we propose a fast integrated planning
and control framework that combines learning- and optimization-based approaches
in a two-layer hierarchical structure. The first layer, defined as the "policy
layer", is established by a neural network which learns the long-term optimal
driving policy generated by MPC. The second layer, called the "execution
layer", is a short-term optimization-based controller that tracks the reference
trajecotries given by the "policy layer" with guaranteed short-term safety and
feasibility. Moreover, with efficient and highly-representative features, a
small-size neural network is sufficient in the "policy layer" to handle many
complicated driving scenarios. This renders online imitation learning with
Dataset Aggregation (DAgger) so that the performance of the "policy layer" can
be improved rapidly and continuously online. Several exampled driving scenarios
are demonstrated to verify the effectiveness and efficiency of the proposed
framework.
|
Deep CNN Framework for Audio Event Recognition using Weakly Labeled Web
Data | The development of audio event recognition models requires labeled training
data, which are generally hard to obtain. One promising source of recordings of
audio events is the large amount of multimedia data on the web. In particular,
if the audio content analysis must itself be performed on web audio, it is
important to train the recognizers themselves from such data. Training from
these web data, however, poses several challenges, the most important being the
availability of labels : labels, if any, that may be obtained for the data are
generally {\em weak}, and not of the kind conventionally required for training
detectors or classifiers. We propose that learning algorithms that can exploit
weak labels offer an effective method to learn from web data. We then propose a
robust and efficient deep convolutional neural network (CNN) based framework to
learn audio event recognizers from weakly labeled data. The proposed method can
train from and analyze recordings of variable length in an efficient manner and
outperforms a network trained with {\em strongly labeled} web data by a
considerable margin.
|
Solving high-dimensional partial differential equations using deep
learning | Developing algorithms for solving high-dimensional partial differential
equations (PDEs) has been an exceedingly difficult task for a long time, due to
the notoriously difficult problem known as the "curse of dimensionality". This
paper introduces a deep learning-based approach that can handle general
high-dimensional parabolic PDEs. To this end, the PDEs are reformulated using
backward stochastic differential equations and the gradient of the unknown
solution is approximated by neural networks, very much in the spirit of deep
reinforcement learning with the gradient acting as the policy function.
Numerical results on examples including the nonlinear Black-Scholes equation,
the Hamilton-Jacobi-Bellman equation, and the Allen-Cahn equation suggest that
the proposed algorithm is quite effective in high dimensions, in terms of both
accuracy and cost. This opens up new possibilities in economics, finance,
operational research, and physics, by considering all participating agents,
assets, resources, or particles together at the same time, instead of making ad
hoc assumptions on their inter-relationships.
|
Neural Machine Translation between Herbal Prescriptions and Diseases | The current study applies deep learning to herbalism. Toward the goal, we
acquired the de-identified health insurance reimbursements that were claimed in
a 10-year period from 2004 to 2013 in the National Health Insurance Database of
Taiwan, the total number of reimbursement records equaling 340 millions. Two
artificial intelligence techniques were applied to the dataset: residual
convolutional neural network multitask classifier and attention-based recurrent
neural network. The former works to translate from herbal prescriptions to
diseases; and the latter from diseases to herbal prescriptions. Analysis of the
classification results indicates that herbal prescriptions are specific to:
anatomy, pathophysiology, sex and age of the patient, and season and year of
the prescription. Further analysis identifies temperature and gross domestic
product as the meteorological and socioeconomic factors that are associated
with herbal prescriptions. Analysis of the neural machine transitional result
indicates that the recurrent neural network learnt not only syntax but also
semantics of diseases and herbal prescriptions.
|
Few-Shot Learning Through an Information Retrieval Lens | Few-shot learning refers to understanding new concepts from only a few
examples. We propose an information retrieval-inspired approach for this
problem that is motivated by the increased importance of maximally leveraging
all the available information in this low-data regime. We define a training
objective that aims to extract as much information as possible from each
training batch by effectively optimizing over all relative orderings of the
batch points simultaneously. In particular, we view each batch point as a
`query' that ranks the remaining ones based on its predicted relevance to them
and we define a model within the framework of structured prediction to optimize
mean Average Precision over these rankings. Our method achieves impressive
results on the standard few-shot classification benchmarks while is also
capable of few-shot retrieval.
|
Deepest Neural Networks | This paper shows that a long chain of perceptrons (that is, a multilayer
perceptron, or MLP, with many hidden layers of width one) can be a universal
classifier. The classification procedure is not necessarily computationally
efficient, but the technique throws some light on the kind of computations
possible with narrow and deep MLPs.
|
Nonlinear Sequential Accepts and Rejects for Identification of Top Arms
in Stochastic Bandits | We address the M-best-arm identification problem in multi-armed bandits. A
player has a limited budget to explore K arms (M<K), and once pulled, each arm
yields a reward drawn (independently) from a fixed, unknown distribution. The
goal is to find the top M arms in the sense of expected reward. We develop an
algorithm which proceeds in rounds to deactivate arms iteratively. At each
round, the budget is divided by a nonlinear function of remaining arms, and the
arms are pulled correspondingly. Based on a decision rule, the deactivated arm
at each round may be accepted or rejected. The algorithm outputs the accepted
arms that should ideally be the top M arms. We characterize the decay rate of
the misidentification probability and establish that the nonlinear budget
allocation proves to be useful for different problem environments (described by
the number of competitive arms). We provide comprehensive numerical experiments
showing that our algorithm outperforms the state-of-the-art using suitable
nonlinearity.
|
PELESent: Cross-domain polarity classification using distant supervision | The enormous amount of texts published daily by Internet users has fostered
the development of methods to analyze this content in several natural language
processing areas, such as sentiment analysis. The main goal of this task is to
classify the polarity of a message. Even though many approaches have been
proposed for sentiment analysis, some of the most successful ones rely on the
availability of large annotated corpus, which is an expensive and
time-consuming process. In recent years, distant supervision has been used to
obtain larger datasets. So, inspired by these techniques, in this paper we
extend such approaches to incorporate popular graphic symbols used in
electronic messages, the emojis, in order to create a large sentiment corpus
for Portuguese. Trained on almost one million tweets, several models were
tested in both same domain and cross-domain corpora. Our methods obtained very
competitive results in five annotated corpora from mixed domains (Twitter and
product reviews), which proves the domain-independent property of such
approach. In addition, our results suggest that the combination of emoticons
and emojis is able to properly capture the sentiment of a message.
|
Accelerated Stochastic Power Iteration | Principal component analysis (PCA) is one of the most powerful tools in
machine learning. The simplest method for PCA, the power iteration, requires
$\mathcal O(1/\Delta)$ full-data passes to recover the principal component of a
matrix with eigen-gap $\Delta$. Lanczos, a significantly more complex method,
achieves an accelerated rate of $\mathcal O(1/\sqrt{\Delta})$ passes. Modern
applications, however, motivate methods that only ingest a subset of available
data, known as the stochastic setting. In the online stochastic setting, simple
algorithms like Oja's iteration achieve the optimal sample complexity $\mathcal
O(\sigma^2/\Delta^2)$. Unfortunately, they are fully sequential, and also
require $\mathcal O(\sigma^2/\Delta^2)$ iterations, far from the $\mathcal
O(1/\sqrt{\Delta})$ rate of Lanczos. We propose a simple variant of the power
iteration with an added momentum term, that achieves both the optimal sample
and iteration complexity. In the full-pass setting, standard analysis shows
that momentum achieves the accelerated rate, $\mathcal O(1/\sqrt{\Delta})$. We
demonstrate empirically that naively applying momentum to a stochastic method,
does not result in acceleration. We perform a novel, tight variance analysis
that reveals the "breaking-point variance" beyond which this acceleration does
not occur. By combining this insight with modern variance reduction techniques,
we construct stochastic PCA algorithms, for the online and offline setting,
that achieve an accelerated iteration complexity $\mathcal O(1/\sqrt{\Delta})$.
Due to the embarassingly parallel nature of our methods, this acceleration
translates directly to wall-clock time if deployed in a parallel environment.
Our approach is very general, and applies to many non-convex optimization
problems that can now be accelerated using the same technique.
|
Composition Properties of Inferential Privacy for Time-Series Data | With the proliferation of mobile devices and the internet of things,
developing principled solutions for privacy in time series applications has
become increasingly important. While differential privacy is the gold standard
for database privacy, many time series applications require a different kind of
guarantee, and a number of recent works have used some form of inferential
privacy to address these situations.
However, a major barrier to using inferential privacy in practice is its lack
of graceful composition -- even if the same or related sensitive data is used
in multiple releases that are safe individually, the combined release may have
poor privacy properties. In this paper, we study composition properties of a
form of inferential privacy called Pufferfish when applied to time-series data.
We show that while general Pufferfish mechanisms may not compose gracefully, a
specific Pufferfish mechanism, called the Markov Quilt Mechanism, which was
recently introduced, has strong composition properties comparable to that of
pure differential privacy when applied to time series data.
|
Topology Reduction in Deep Convolutional Feature Extraction Networks | Deep convolutional neural networks (CNNs) used in practice employ potentially
hundreds of layers and $10$,$000$s of nodes. Such network sizes entail
significant computational complexity due to the large number of convolutions
that need to be carried out; in addition, a large number of parameters needs to
be learned and stored. Very deep and wide CNNs may therefore not be well suited
to applications operating under severe resource constraints as is the case,
e.g., in low-power embedded and mobile platforms. This paper aims at
understanding the impact of CNN topology, specifically depth and width, on the
network's feature extraction capabilities. We address this question for the
class of scattering networks that employ either Weyl-Heisenberg filters or
wavelets, the modulus non-linearity, and no pooling. The exponential feature
map energy decay results in Wiatowski et al., 2017, are generalized to
$\mathcal{O}(a^{-N})$, where an arbitrary decay factor $a>1$ can be realized
through suitable choice of the Weyl-Heisenberg prototype function or the mother
wavelet. We then show how networks of fixed (possibly small) depth $N$ can be
designed to guarantee that $((1-\varepsilon)\cdot 100)\%$ of the input signal's
energy are contained in the feature vector. Based on the notion of
operationally significant nodes, we characterize, partly rigorously and partly
heuristically, the topology-reducing effects of (effectively) band-limited
input signals, band-limited filters, and feature map symmetries. Finally, for
networks based on Weyl-Heisenberg filters, we determine the prototype function
bandwidth that minimizes---for fixed network depth $N$---the average number of
operationally significant nodes per layer.
|
Stochastic Variance Reduction Gradient for a Non-convex Problem Using
Graduated Optimization | In machine learning, nonconvex optimization problems with multiple local
optimums are often encountered. Graduated Optimization Algorithm (GOA) is a
popular heuristic method to obtain global optimums of nonconvex problems
through progressively minimizing a series of convex approximations to the
nonconvex problems more and more accurate. Recently, such an algorithm GradOpt
based on GOA is proposed with amazing theoretical and experimental results, but
it mainly studies the problem which consists of one nonconvex part. This paper
aims to find the global solution of a nonconvex objective with a convex part
plus a nonconvex part based on GOA. By graduating approximating non-convex part
of the problem and minimizing them with the Stochastic Variance Reduced
Gradient (SVRG) or proximal SVRG, two new algorithms, SVRG-GOA and PSVRG-GOA,
are proposed. We prove that the new algorithms have lower iteration complexity
($O(1/\varepsilon)$) than GradOpt ($O(1/\varepsilon^2)$). Some tricks, such as
enlarging shrink factor, using project step, stochastic gradient, and
mini-batch skills, are also given to accelerate the convergence speed of the
proposed algorithms. Experimental results illustrate that the new algorithms
with the similar performance can converge to 'global' optimums of the nonconvex
problems, and they converge faster than the GradOpt and the nonconvex proximal
SVRG.
|
Best-Effort Inductive Logic Programming via Fine-grained Cost-based
Hypothesis Generation | We describe the Inspire system which participated in the first competition on
Inductive Logic Programming (ILP). Inspire is based on Answer Set Programming
(ASP). The distinguishing feature of Inspire is an ASP encoding for hypothesis
space generation: given a set of facts representing the mode bias, and a set of
cost configuration parameters, each answer set of this encoding represents a
single rule that is considered for finding a hypothesis that entails the given
examples. Compared with state-of-the-art methods that use the length of the
rule body as a metric for rule complexity, our approach permits a much more
fine-grained specification of the shape of hypothesis candidate rules. The
Inspire system iteratively increases the rule cost limit and thereby increases
the search space until it finds a suitable hypothesis. The system searches for
a hypothesis that entails a single example at a time, utilizing an ASP encoding
derived from the encoding used in XHAIL. We perform experiments with the
development and test set of the ILP competition. For comparison we also adapted
the ILASP system to process competition instances. Experimental results show
that the cost parameters for the hypothesis search space are an important
factor for finding hypotheses to competition instances within tight resource
bounds.
|
Robust Imitation of Diverse Behaviors | Deep generative models have recently shown great promise in imitation
learning for motor control. Given enough data, even supervised approaches can
do one-shot imitation learning; however, they are vulnerable to cascading
failures when the agent trajectory diverges from the demonstrations. Compared
to purely supervised methods, Generative Adversarial Imitation Learning (GAIL)
can learn more robust controllers from fewer demonstrations, but is inherently
mode-seeking and more difficult to train. In this paper, we show how to combine
the favourable aspects of these two approaches. The base of our model is a new
type of variational autoencoder on demonstration trajectories that learns
semantic policy embeddings. We show that these embeddings can be learned on a 9
DoF Jaco robot arm in reaching tasks, and then smoothly interpolated with a
resulting smooth interpolation of reaching behavior. Leveraging these policy
representations, we develop a new version of GAIL that (1) is much more robust
than the purely-supervised controller, especially with few demonstrations, and
(2) avoids mode collapse, capturing many diverse behaviors when GAIL on its own
does not. We demonstrate our approach on learning diverse gaits from
demonstration on a 2D biped and a 62 DoF 3D humanoid in the MuJoCo physics
environment.
|
Subdeterminant Maximization via Nonconvex Relaxations and
Anti-concentration | Several fundamental problems that arise in optimization and computer science
can be cast as follows: Given vectors $v_1,\ldots,v_m \in \mathbb{R}^d$ and a
constraint family ${\cal B}\subseteq 2^{[m]}$, find a set $S \in \cal{B}$ that
maximizes the squared volume of the simplex spanned by the vectors in $S$. A
motivating example is the data-summarization problem in machine learning where
one is given a collection of vectors that represent data such as documents or
images. The volume of a set of vectors is used as a measure of their diversity,
and partition or matroid constraints over $[m]$ are imposed in order to ensure
resource or fairness constraints. Recently, Nikolov and Singh presented a
convex program and showed how it can be used to estimate the value of the most
diverse set when ${\cal B}$ corresponds to a partition matroid. This result was
recently extended to regular matroids in works of Straszak and Vishnoi, and
Anari and Oveis Gharan. The question of whether these estimation algorithms can
be converted into the more useful approximation algorithms -- that also output
a set -- remained open.
The main contribution of this paper is to give the first approximation
algorithms for both partition and regular matroids. We present novel
formulations for the subdeterminant maximization problem for these matroids;
this reduces them to the problem of finding a point that maximizes the absolute
value of a nonconvex function over a Cartesian product of probability
simplices. The technical core of our results is a new anti-concentration
inequality for dependent random variables that allows us to relate the optimal
value of these nonconvex functions to their value at a random point. Unlike
prior work on the constrained subdeterminant maximization problem, our proofs
do not rely on real-stability or convexity and could be of independent interest
both in algorithms and complexity.
|
Semi-Supervised Haptic Material Recognition for Robots using Generative
Adversarial Networks | Material recognition enables robots to incorporate knowledge of material
properties into their interactions with everyday objects. For example, material
recognition opens up opportunities for clearer communication with a robot, such
as "bring me the metal coffee mug", and recognizing plastic versus metal is
crucial when using a microwave or oven. However, collecting labeled training
data with a robot is often more difficult than unlabeled data. We present a
semi-supervised learning approach for material recognition that uses generative
adversarial networks (GANs) with haptic features such as force, temperature,
and vibration. Our approach achieves state-of-the-art results and enables a
robot to estimate the material class of household objects with ~90% accuracy
when 92% of the training data are unlabeled. We explore how well this approach
can recognize the material of new objects and we discuss challenges facing
generalization. To motivate learning from unlabeled training data, we also
compare results against several common supervised learning classifiers. In
addition, we have released the dataset used for this work which consists of
time-series haptic measurements from a robot that conducted thousands of
interactions with 72 household objects.
|
Towards Crafting Text Adversarial Samples | Adversarial samples are strategically modified samples, which are crafted
with the purpose of fooling a classifier at hand. An attacker introduces
specially crafted adversarial samples to a deployed classifier, which are being
mis-classified by the classifier. However, the samples are perceived to be
drawn from entirely different classes and thus it becomes hard to detect the
adversarial samples. Most of the prior works have been focused on synthesizing
adversarial samples in the image domain. In this paper, we propose a new method
of crafting adversarial text samples by modification of the original samples.
Modifications of the original text samples are done by deleting or replacing
the important or salient words in the text or by introducing new words in the
text sample. Our algorithm works best for the datasets which have
sub-categories within each of the classes of examples. While crafting
adversarial samples, one of the key constraint is to generate meaningful
sentences which can at pass off as legitimate from language (English)
viewpoint. Experimental results on IMDB movie review dataset for sentiment
analysis and Twitter dataset for gender detection show the efficiency of our
proposed method.
|
Low Dose CT Image Reconstruction With Learned Sparsifying Transform | A major challenge in computed tomography (CT) is to reduce X-ray dose to a
low or even ultra-low level while maintaining the high quality of reconstructed
images. We propose a new method for CT reconstruction that combines penalized
weighted-least squares reconstruction (PWLS) with regularization based on a
sparsifying transform (PWLS-ST) learned from a dataset of numerous CT images.
We adopt an alternating algorithm to optimize the PWLS-ST cost function that
alternates between a CT image update step and a sparse coding step. We adopt a
relaxed linearized augmented Lagrangian method with ordered-subsets (relaxed
OS-LALM) to accelerate the CT image update step by reducing the number of
forward and backward projections. Numerical experiments on the XCAT phantom
show that for low dose levels, the proposed PWLS-ST method dramatically
improves the quality of reconstructed images compared to PWLS reconstruction
with a nonadaptive edge-preserving regularizer (PWLS-EP).
|
Vision-Based Multi-Task Manipulation for Inexpensive Robots Using
End-To-End Learning from Demonstration | We propose a technique for multi-task learning from demonstration that trains
the controller of a low-cost robotic arm to accomplish several complex picking
and placing tasks, as well as non-prehensile manipulation. The controller is a
recurrent neural network using raw images as input and generating robot arm
trajectories, with the parameters shared across the tasks. The controller also
combines VAE-GAN-based reconstruction with autoregressive multimodal action
prediction. Our results demonstrate that it is possible to learn complex
manipulation tasks, such as picking up a towel, wiping an object, and
depositing the towel to its previous position, entirely from raw images with
direct behavior cloning. We show that weight sharing and reconstruction-based
regularization substantially improve generalization and robustness, and
training on multiple tasks simultaneously increases the success rate on all
tasks.
|
On Study of the Reliable Fully Convolutional Networks with Tree Arranged
Outputs (TAO-FCN) for Handwritten String Recognition | The handwritten string recognition is still a challengeable task, though the
powerful deep learning tools were introduced. In this paper, based on TAO-FCN,
we proposed an end-to-end system for handwritten string recognition. Compared
with the conventional methods, there is no preprocess nor manually designed
rules employed. With enough labelled data, it is easy to apply the proposed
method to different applications. Although the performance of the proposed
method may not be comparable with the state-of-the-art approaches, it's
usability and robustness are more meaningful for practical applications.
|
Learning Heuristic Search via Imitation | Robotic motion planning problems are typically solved by constructing a
search tree of valid maneuvers from a start to a goal configuration. Limited
onboard computation and real-time planning constraints impose a limit on how
large this search tree can grow. Heuristics play a crucial role in such
situations by guiding the search towards potentially good directions and
consequently minimizing search effort. Moreover, it must infer such directions
in an efficient manner using only the information uncovered by the search up
until that time. However, state of the art methods do not address the problem
of computing a heuristic that explicitly minimizes search effort. In this
paper, we do so by training a heuristic policy that maps the partial
information from the search to decide which node of the search tree to expand.
Unfortunately, naively training such policies leads to slow convergence and
poor local minima. We present SaIL, an efficient algorithm that trains
heuristic policies by imitating "clairvoyant oracles" - oracles that have full
information about the world and demonstrate decisions that minimize search
effort. We leverage the fact that such oracles can be efficiently computed
using dynamic programming and derive performance guarantees for the learnt
heuristic. We validate the approach on a spectrum of environments which show
that SaIL consistently outperforms state of the art algorithms. Our approach
paves the way forward for learning heuristics that demonstrate an anytime
nature - finding feasible solutions quickly and incrementally refining it over
time.
|
TAPAS: Two-pass Approximate Adaptive Sampling for Softmax | TAPAS is a novel adaptive sampling method for the softmax model. It uses a
two pass sampling strategy where the examples used to approximate the gradient
of the partition function are first sampled according to a squashed population
distribution and then resampled adaptively using the context and current model.
We describe an efficient distributed implementation of TAPAS. We show, on both
synthetic data and a large real dataset, that TAPAS has low computational
overhead and works well for minimizing the rank loss for multi-class
classification problems with a very large label space.
|
A Separation-Based Design to Data-Driven Control for Large-Scale
Partially Observed Systems | This paper studies the partially observed stochastic optimal control problem
for systems with state dynamics governed by Partial Differential Equations
(PDEs) that leads to an extremely large problem. First, an open-loop
deterministic trajectory optimization problem is solved using a black box
simulation model of the dynamical system. Next, a Linear Quadratic Gaussian
(LQG) controller is designed for the nominal trajectory-dependent linearized
system, which is identified using input-output experimental data consisting of
the impulse responses of the optimized nominal system. A computational
nonlinear heat example is used to illustrate the performance of the approach.
|
Distance-to-Mean Continuous Conditional Random Fields to Enhance
Prediction Problem in Traffic Flow Data | The increase of vehicle in highways may cause traffic congestion as well as
in the normal roadways. Predicting the traffic flow in highways especially, is
demanded to solve this congestion problem. Predictions on time-series
multivariate data, such as in the traffic flow dataset, have been largely
accomplished through various approaches. The approach with conventional
prediction algorithms, such as with Support Vector Machine (SVM), is only
capable of accommodating predictions that are independent in each time unit.
Hence, the sequential relationships in this time series data is hardly
explored. Continuous Conditional Random Field (CCRF) is one of Probabilistic
Graphical Model (PGM) algorithms which can accommodate this problem. The
neighboring aspects of sequential data such as in the time series data can be
expressed by CCRF so that its predictions are more reliable. In this article, a
novel approach called DM-CCRF is adopted by modifying the CCRF prediction
algorithm to strengthen the probability of the predictions made by the baseline
regressor. The result shows that DM-CCRF is superior in performance compared to
CCRF. This is validated by the error decrease of the baseline up to 9%
significance. This is twice the standard CCRF performance which can only
decrease baseline error by 4.582% at most.
|
Least Square Variational Bayesian Autoencoder with Regularization | In recent years Variation Autoencoders have become one of the most popular
unsupervised learning of complicated distributions.Variational Autoencoder
(VAE) provides more efficient reconstructive performance over a traditional
autoencoder. Variational auto enocders make better approximaiton than MCMC. The
VAE defines a generative process in terms of ancestral sampling through a
cascade of hidden stochastic layers. They are a directed graphic models.
Variational autoencoder is trained to maximise the variational lower bound.
Here we are trying maximise the likelihood and also at the same time we are
trying to make a good approximation of the data. Its basically trading of the
data log-likelihood and the KL divergence from the true posterior. This paper
describes the scenario in which we wish to find a point-estimate to the
parameters $\theta$ of some parametric model in which we generate each
observations by first sampling a local latent variable and then sampling the
associated observation. Here we use least square loss function with
regularization in the the reconstruction of the image, the least square loss
function was found to give better reconstructed images and had a faster
training time.
|
A Simple Neural Attentive Meta-Learner | Deep neural networks excel in regimes with large amounts of data, but tend to
struggle when data is scarce or when they need to adapt quickly to changes in
the task. In response, recent work in meta-learning proposes training a
meta-learner on a distribution of similar tasks, in the hopes of generalization
to novel but related tasks by learning a high-level strategy that captures the
essence of the problem it is asked to solve. However, many recent meta-learning
approaches are extensively hand-designed, either using architectures
specialized to a particular application, or hard-coding algorithmic components
that constrain how the meta-learner solves the task. We propose a class of
simple and generic meta-learner architectures that use a novel combination of
temporal convolutions and soft attention; the former to aggregate information
from past experience and the latter to pinpoint specific pieces of information.
In the most extensive set of meta-learning experiments to date, we evaluate the
resulting Simple Neural AttentIve Learner (or SNAIL) on several
heavily-benchmarked tasks. On all tasks, in both supervised and reinforcement
learning, SNAIL attains state-of-the-art performance by significant margins.
|
Efficient mixture model for clustering of sparse high dimensional binary
data | In this paper we propose a mixture model, SparseMix, for clustering of sparse
high dimensional binary data, which connects model-based with centroid-based
clustering. Every group is described by a representative and a probability
distribution modeling dispersion from this representative. In contrast to
classical mixture models based on EM algorithm, SparseMix:
-is especially designed for the processing of sparse data,
-can be efficiently realized by an on-line Hartigan optimization algorithm,
-is able to automatically reduce unnecessary clusters.
We perform extensive experimental studies on various types of data, which
confirm that SparseMix builds partitions with higher compatibility with
reference grouping than related methods. Moreover, constructed representatives
often better reveal the internal structure of data.
|
RegNet: Multimodal Sensor Registration Using Deep Neural Networks | In this paper, we present RegNet, the first deep convolutional neural network
(CNN) to infer a 6 degrees of freedom (DOF) extrinsic calibration between
multimodal sensors, exemplified using a scanning LiDAR and a monocular camera.
Compared to existing approaches, RegNet casts all three conventional
calibration steps (feature extraction, feature matching and global regression)
into a single real-time capable CNN. Our method does not require any human
interaction and bridges the gap between classical offline and target-less
online calibration approaches as it provides both a stable initial estimation
as well as a continuous online correction of the extrinsic parameters. During
training we randomly decalibrate our system in order to train RegNet to infer
the correspondence between projected depth measurements and RGB image and
finally regress the extrinsic calibration. Additionally, with an iterative
execution of multiple CNNs, that are trained on different magnitudes of
decalibration, our approach compares favorably to state-of-the-art methods in
terms of a mean calibration error of 0.28 degrees for the rotational and 6 cm
for the translation components even for large decalibrations up to 1.5 m and 20
degrees.
|
A Survey on Resilient Machine Learning | Machine learning based system are increasingly being used for sensitive tasks
such as security surveillance, guiding autonomous vehicle, taking investment
decisions, detecting and blocking network intrusion and malware etc. However,
recent research has shown that machine learning models are venerable to attacks
by adversaries at all phases of machine learning (eg, training data collection,
training, operation). All model classes of machine learning systems can be
misled by providing carefully crafted inputs making them wrongly classify
inputs. Maliciously created input samples can affect the learning process of a
ML system by either slowing down the learning process, or affecting the
performance of the learned mode, or causing the system make error(s) only in
attacker's planned scenario. Because of these developments, understanding
security of machine learning algorithms and systems is emerging as an important
research area among computer security and machine learning researchers and
practitioners. We present a survey of this emerging area in machine learning.
|
Accelerated Variance Reduced Stochastic ADMM | Recently, many variance reduced stochastic alternating direction method of
multipliers (ADMM) methods (e.g.\ SAG-ADMM, SDCA-ADMM and SVRG-ADMM) have made
exciting progress such as linear convergence rates for strongly convex
problems. However, the best known convergence rate for general convex problems
is O(1/T) as opposed to O(1/T^2) of accelerated batch algorithms, where $T$ is
the number of iterations. Thus, there still remains a gap in convergence rates
between existing stochastic ADMM and batch algorithms. To bridge this gap, we
introduce the momentum acceleration trick for batch optimization into the
stochastic variance reduced gradient based ADMM (SVRG-ADMM), which leads to an
accelerated (ASVRG-ADMM) method. Then we design two different momentum term
update rules for strongly convex and general convex cases. We prove that
ASVRG-ADMM converges linearly for strongly convex problems. Besides having a
low per-iteration complexity as existing stochastic ADMM methods, ASVRG-ADMM
improves the convergence rate on general convex problems from O(1/T) to
O(1/T^2). Our experimental results show the effectiveness of ASVRG-ADMM.
|
Towards an automated method based on Iterated Local Search optimization
for tuning the parameters of Support Vector Machines | We provide preliminary details and formulation of an optimization strategy
under current development that is able to automatically tune the parameters of
a Support Vector Machine over new datasets. The optimization strategy is a
heuristic based on Iterated Local Search, a modification of classic hill
climbing which iterates calls to a local search routine.
|
DeepTrend: A Deep Hierarchical Neural Network for Traffic Flow
Prediction | In this paper, we consider the temporal pattern in traffic flow time series,
and implement a deep learning model for traffic flow prediction. Detrending
based methods decompose original flow series into trend and residual series, in
which trend describes the fixed temporal pattern in traffic flow and residual
series is used for prediction. Inspired by the detrending method, we propose
DeepTrend, a deep hierarchical neural network used for traffic flow prediction
which considers and extracts the time-variant trend. DeepTrend has two stacked
layers: extraction layer and prediction layer. Extraction layer, a fully
connected layer, is used to extract the time-variant trend in traffic flow by
feeding the original flow series concatenated with corresponding simple average
trend series. Prediction layer, an LSTM layer, is used to make flow prediction
by feeding the obtained trend from the output of extraction layer and
calculated residual series. To make the model more effective, DeepTrend needs
first pre-trained layer-by-layer and then fine-tuned in the entire network.
Experiments show that DeepTrend can noticeably boost the prediction performance
compared with some traditional prediction models and LSTM with detrending based
methods.
|
Similarity Search Over Graphs Using Localized Spectral Analysis | This paper provides a new similarity detection algorithm. Given an input set
of multi-dimensional data points, where each data point is assumed to be
multi-dimensional, and an additional reference data point for similarity
finding, the algorithm uses kernel method that embeds the data points into a
low dimensional manifold. Unlike other kernel methods, which consider the
entire data for the embedding, our method selects a specific set of kernel
eigenvectors. The eigenvectors are chosen to separate between the data points
and the reference data point so that similar data points can be easily
identified as being distinct from most of the members in the dataset.
|
Dynamic Stochastic Approximation for Multi-stage Stochastic Optimization | In this paper, we consider multi-stage stochastic optimization problems with
convex objectives and conic constraints at each stage. We present a new
stochastic first-order method, namely the dynamic stochastic approximation
(DSA) algorithm, for solving these types of stochastic optimization problems.
We show that DSA can achieve an optimal ${\cal O}(1/\epsilon^4)$ rate of
convergence in terms of the total number of required scenarios when applied to
a three-stage stochastic optimization problem. We further show that this rate
of convergence can be improved to ${\cal O}(1/\epsilon^2)$ when the objective
function is strongly convex. We also discuss variants of DSA for solving more
general multi-stage stochastic optimization problems with the number of stages
$T > 3$. The developed DSA algorithms only need to go through the scenario tree
once in order to compute an $\epsilon$-solution of the multi-stage stochastic
optimization problem. As a result, the memory required by DSA only grows
linearly with respect to the number of stages. To the best of our knowledge,
this is the first time that stochastic approximation type methods are
generalized for multi-stage stochastic optimization with $T \ge 3$.
|
Deep Learning for Real Time Crime Forecasting | Accurate real time crime prediction is a fundamental issue for public safety,
but remains a challenging problem for the scientific community. Crime
occurrences depend on many complex factors. Compared to many predictable
events, crime is sparse. At different spatio-temporal scales, crime
distributions display dramatically different patterns. These distributions are
of very low regularity in both space and time. In this work, we adapt the
state-of-the-art deep learning spatio-temporal predictor, ST-ResNet [Zhang et
al, AAAI, 2017], to collectively predict crime distribution over the Los
Angeles area. Our models are two staged. First, we preprocess the raw crime
data. This includes regularization in both space and time to enhance
predictable signals. Second, we adapt hierarchical structures of residual
convolutional units to train multi-factor crime prediction models. Experiments
over a half year period in Los Angeles reveal highly accurate predictive power
of our models.
|
Fast Amortized Inference and Learning in Log-linear Models with Randomly
Perturbed Nearest Neighbor Search | Inference in log-linear models scales linearly in the size of output space in
the worst-case. This is often a bottleneck in natural language processing and
computer vision tasks when the output space is feasibly enumerable but very
large. We propose a method to perform inference in log-linear models with
sublinear amortized cost. Our idea hinges on using Gumbel random variable
perturbations and a pre-computed Maximum Inner Product Search data structure to
access the most-likely elements in sublinear amortized time. Our method yields
provable runtime and accuracy guarantees. Further, we present empirical
experiments on ImageNet and Word Embeddings showing significant speedups for
sampling, inference, and learning in log-linear models.
|
Imitation from Observation: Learning to Imitate Behaviors from Raw Video
via Context Translation | Imitation learning is an effective approach for autonomous systems to acquire
control policies when an explicit reward function is unavailable, using
supervision provided as demonstrations from an expert, typically a human
operator. However, standard imitation learning methods assume that the agent
receives examples of observation-action tuples that could be provided, for
instance, to a supervised learning algorithm. This stands in contrast to how
humans and animals imitate: we observe another person performing some behavior
and then figure out which actions will realize that behavior, compensating for
changes in viewpoint, surroundings, object positions and types, and other
factors. We term this kind of imitation learning "imitation-from-observation,"
and propose an imitation learning method based on video prediction with context
translation and deep reinforcement learning. This lifts the assumption in
imitation learning that the demonstration should consist of observations in the
same environment configuration, and enables a variety of interesting
applications, including learning robotic skills that involve tool use simply by
observing videos of human tool use. Our experimental results show the
effectiveness of our approach in learning a wide range of real-world robotic
tasks modeled after common household chores from videos of a human
demonstrator, including sweeping, ladling almonds, pushing objects as well as a
number of tasks in simulation.
|
Learning like humans with Deep Symbolic Networks | We introduce the Deep Symbolic Network (DSN) model, which aims at becoming
the white-box version of Deep Neural Networks (DNN). The DSN model provides a
simple, universal yet powerful structure, similar to DNN, to represent any
knowledge of the world, which is transparent to humans. The conjecture behind
the DSN model is that any type of real world objects sharing enough common
features are mapped into human brains as a symbol. Those symbols are connected
by links, representing the composition, correlation, causality, or other
relationships between them, forming a deep, hierarchical symbolic network
structure. Powered by such a structure, the DSN model is expected to learn like
humans, because of its unique characteristics. First, it is universal, using
the same structure to store any knowledge. Second, it can learn symbols from
the world and construct the deep symbolic networks automatically, by utilizing
the fact that real world objects have been naturally separated by
singularities. Third, it is symbolic, with the capacity of performing causal
deduction and generalization. Fourth, the symbols and the links between them
are transparent to us, and thus we will know what it has learned or not - which
is the key for the security of an AI system. Fifth, its transparency enables it
to learn with relatively small data. Sixth, its knowledge can be accumulated.
Last but not least, it is more friendly to unsupervised learning than DNN. We
present the details of the model, the algorithm powering its automatic learning
ability, and describe its usefulness in different use cases. The purpose of
this paper is to generate broad interest to develop it within an open source
project centered on the Deep Symbolic Network (DSN) model towards the
development of general AI.
|
DeepCodec: Adaptive Sensing and Recovery via Deep Convolutional Neural
Networks | In this paper we develop a novel computational sensing framework for sensing
and recovering structured signals. When trained on a set of representative
signals, our framework learns to take undersampled measurements and recover
signals from them using a deep convolutional neural network. In other words, it
learns a transformation from the original signals to a near-optimal number of
undersampled measurements and the inverse transformation from measurements to
signals. This is in contrast to traditional compressive sensing (CS) systems
that use random linear measurements and convex optimization or iterative
algorithms for signal recovery. We compare our new framework with
$\ell_1$-minimization from the phase transition point of view and demonstrate
that it outperforms $\ell_1$-minimization in the regions of phase transition
plot where $\ell_1$-minimization cannot recover the exact solution. In
addition, we experimentally demonstrate how learning measurements enhances the
overall recovery performance, speeds up training of recovery framework, and
leads to having fewer parameters to learn.
|
SCAN: Learning Hierarchical Compositional Visual Concepts | The seemingly infinite diversity of the natural world arises from a
relatively small set of coherent rules, such as the laws of physics or
chemistry. We conjecture that these rules give rise to regularities that can be
discovered through primarily unsupervised experiences and represented as
abstract concepts. If such representations are compositional and hierarchical,
they can be recombined into an exponentially large set of new concepts. This
paper describes SCAN (Symbol-Concept Association Network), a new framework for
learning such abstractions in the visual domain. SCAN learns concepts through
fast symbol association, grounding them in disentangled visual primitives that
are discovered in an unsupervised manner. Unlike state of the art multimodal
generative model baselines, our approach requires very few pairings between
symbols and images and makes no assumptions about the form of symbol
representations. Once trained, SCAN is capable of multimodal bi-directional
inference, generating a diverse set of image samples from symbolic descriptions
and vice versa. It also allows for traversal and manipulation of the implicit
hierarchy of visual concepts through symbolic instructions and learnt logical
recombination operations. Such manipulations enable SCAN to break away from its
training data distribution and imagine novel visual concepts through
symbolically instructed recombination of previously learnt concepts.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.