title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Deep Reinforcement Learning for Tensegrity Robot Locomotion | Tensegrity robots, composed of rigid rods connected by elastic cables, have a
number of unique properties that make them appealing for use as planetary
exploration rovers. However, control of tensegrity robots remains a difficult
problem due to their unusual structures and complex dynamics. In this work, we
show how locomotion gaits can be learned automatically using a novel extension
of mirror descent guided policy search (MDGPS) applied to periodic locomotion
movements, and we demonstrate the effectiveness of our approach on tensegrity
robot locomotion. We evaluate our method with real-world and simulated
experiments on the SUPERball tensegrity robot, showing that the learned
policies generalize to changes in system parameters, unreliable sensor
measurements, and variation in environmental conditions, including varied
terrains and a range of different gravities. Our experiments demonstrate that
our method not only learns fast, power-efficient feedback policies for rolling
gaits, but that these policies can succeed with only the limited onboard
sensing provided by SUPERball's accelerometers. We compare the learned feedback
policies to learned open-loop policies and hand-engineered controllers, and
demonstrate that the learned policy enables the first continuous, reliable
locomotion gait for the real SUPERball robot. Our code and other supplementary
materials are available from http://rll.berkeley.edu/drl_tensegrity
|
HyperNetworks | This work explores hypernetworks: an approach of using a one network, also
known as a hypernetwork, to generate the weights for another network.
Hypernetworks provide an abstraction that is similar to what is found in
nature: the relationship between a genotype - the hypernetwork - and a
phenotype - the main network. Though they are also reminiscent of HyperNEAT in
evolution, our hypernetworks are trained end-to-end with backpropagation and
thus are usually faster. The focus of this work is to make hypernetworks useful
for deep convolutional networks and long recurrent networks, where
hypernetworks can be viewed as relaxed form of weight-sharing across layers.
Our main result is that hypernetworks can generate non-shared weights for LSTM
and achieve near state-of-the-art results on a variety of sequence modelling
tasks including character-level language modelling, handwriting generation and
neural machine translation, challenging the weight-sharing paradigm for
recurrent networks. Our results also show that hypernetworks applied to
convolutional networks still achieve respectable results for image recognition
tasks compared to state-of-the-art baseline models while requiring fewer
learnable parameters.
|
Analysis of Massive Heterogeneous Temporal-Spatial Data with 3D
Self-Organizing Map and Time Vector | Self-organizing map(SOM) have been widely applied in clustering, this paper
focused on centroids of clusters and what they reveal. When the input vectors
consists of time, latitude and longitude, the map can be strongly linked to
physical world, providing valuable information. Beyond basic clustering, a
novel approach to address the temporal element is developed, enabling 3D SOM to
track behaviors in multiple periods concurrently. Combined with adaptations
targeting to process heterogeneous data relating to distribution in time and
space, the paper offers a fresh scope for business and services based on
temporal-spatial pattern.
|
Similarity Mapping with Enhanced Siamese Network for Multi-Object
Tracking | Multi-object tracking has recently become an important area of computer
vision, especially for Advanced Driver Assistance Systems (ADAS). Despite
growing attention, achieving high performance tracking is still challenging,
with state-of-the- art systems resulting in high complexity with a large number
of hyper parameters. In this paper, we focus on reducing overall system
complexity and the number hyper parameters that need to be tuned to a specific
environment. We introduce a novel tracking system based on similarity mapping
by Enhanced Siamese Neural Network (ESNN), which accounts for both appearance
and geometric information, and is trainable end-to-end. Our system achieves
competitive performance in both speed and accuracy on MOT16 challenge, compared
to known state-of-the-art methods.
|
Universum Learning for Multiclass SVM | We introduce Universum learning for multiclass problems and propose a novel
formulation for multiclass universum SVM (MU-SVM). We also propose a span bound
for MU-SVM that can be used for model selection thereby avoiding resampling.
Empirical results demonstrate the effectiveness of MU-SVM and the proposed
bound.
|
OPML: A One-Pass Closed-Form Solution for Online Metric Learning | To achieve a low computational cost when performing online metric learning
for large-scale data, we present a one-pass closed-form solution namely OPML in
this paper. Typically, the proposed OPML first adopts a one-pass triplet
construction strategy, which aims to use only a very small number of triplets
to approximate the representation ability of whole original triplets obtained
by batch-manner methods. Then, OPML employs a closed-form solution to update
the metric for new coming samples, which leads to a low space (i.e., $O(d)$)
and time (i.e., $O(d^2)$) complexity, where $d$ is the feature dimensionality.
In addition, an extension of OPML (namely COPML) is further proposed to enhance
the robustness when in real case the first several samples come from the same
class (i.e., cold start problem). In the experiments, we have systematically
evaluated our methods (OPML and COPML) on three typical tasks, including UCI
data classification, face verification, and abnormal event detection in videos,
which aims to fully evaluate the proposed methods on different sample number,
different feature dimensionalities and different feature extraction ways (i.e.,
hand-crafted and deeply-learned). The results show that OPML and COPML can
obtain the promising performance with a very low computational cost. Also, the
effectiveness of COPML under the cold start setting is experimentally verified.
|
Topic Browsing for Research Papers with Hierarchical Latent Tree
Analysis | Academic researchers often need to face with a large collection of research
papers in the literature. This problem may be even worse for postgraduate
students who are new to a field and may not know where to start. To address
this problem, we have developed an online catalog of research papers where the
papers have been automatically categorized by a topic model. The catalog
contains 7719 papers from the proceedings of two artificial intelligence
conferences from 2000 to 2015. Rather than the commonly used Latent Dirichlet
Allocation, we use a recently proposed method called hierarchical latent tree
analysis for topic modeling. The resulting topic model contains a hierarchy of
topics so that users can browse the topics from the top level to the bottom
level. The topic model contains a manageable number of general topics at the
top level and allows thousands of fine-grained topics at the bottom level. It
also can detect topics that have emerged recently.
|
Multi Model Data mining approach for Heart failure prediction | Developing predictive modelling solutions for risk estimation is extremely
challenging in health-care informatics. Risk estimation involves integration of
heterogeneous clinical sources having different representation from different
health-care provider making the task increasingly complex. Such sources are
typically voluminous, diverse, and significantly change over the time.
Therefore, distributed and parallel computing tools collectively termed big
data tools are in need which can synthesize and assist the physician to make
right clinical decisions. In this work we propose multi-model predictive
architecture, a novel approach for combining the predictive ability of multiple
models for better prediction accuracy. We demonstrate the effectiveness and
efficiency of the proposed work on data from Framingham Heart study. Results
show that the proposed multi-model predictive architecture is able to provide
better accuracy than best model approach. By modelling the error of predictive
models we are able to choose sub set of models which yields accurate results.
More information was modelled into system by multi-level mining which has
resulted in enhanced predictive accuracy.
|
EXTRACT: Strong Examples from Weakly-Labeled Sensor Data | Thanks to the rise of wearable and connected devices, sensor-generated time
series comprise a large and growing fraction of the world's data.
Unfortunately, extracting value from this data can be challenging, since
sensors report low-level signals (e.g., acceleration), not the high-level
events that are typically of interest (e.g., gestures). We introduce a
technique to bridge this gap by automatically extracting examples of real-world
events in low-level data, given only a rough estimate of when these events have
taken place.
By identifying sets of features that repeat in the same temporal arrangement,
we isolate examples of such diverse events as human actions, power consumption
patterns, and spoken words with up to 96% precision and recall. Our method is
fast enough to run in real time and assumes only minimal knowledge of which
variables are relevant or the lengths of events. Our evaluation uses numerous
publicly available datasets and over 1 million samples of manually labeled
sensor data.
|
Structure-Aware Classification using Supervised Dictionary Learning | In this paper, we propose a supervised dictionary learning algorithm that
aims to preserve the local geometry in both dimensions of the data. A
graph-based regularization explicitly takes into account the local manifold
structure of the data points. A second graph regularization gives similar
treatment to the feature domain and helps in learning a more robust dictionary.
Both graphs can be constructed from the training data or learned and adapted
along the dictionary learning process. The combination of these two terms
promotes the discriminative power of the learned sparse representations and
leads to improved classification accuracy. The proposed method was evaluated on
several different datasets, representing both single-label and multi-label
classification problems, and demonstrated better performance compared with
other dictionary based approaches.
|
Training Dependency Parsers with Partial Annotation | Recently, these has been a surge on studying how to obtain partially
annotated data for model supervision. However, there still lacks a systematic
study on how to train statistical models with partial annotation (PA). Taking
dependency parsing as our case study, this paper describes and compares two
straightforward approaches for three mainstream dependency parsers. The first
approach is previously proposed to directly train a log-linear graph-based
parser (LLGPar) with PA based on a forest-based objective. This work for the
first time proposes the second approach to directly training a linear
graph-based parse (LGPar) and a linear transition-based parser (LTPar) with PA
based on the idea of constrained decoding. We conduct extensive experiments on
Penn Treebank under three different settings for simulating PA, i.e., random
dependencies, most uncertain dependencies, and dependencies with divergent
outputs from the three parsers. The results show that LLGPar is most effective
in learning from PA and LTPar lags behind the graph-based counterparts by large
margin. Moreover, LGPar and LTPar can achieve best performance by using LLGPar
to complete PA into full annotation (FA).
|
Machine Learning Techniques for Stackelberg Security Games: a Survey | The present survey aims at presenting the current machine learning techniques
employed in security games domains. Specifically, we focused on papers and
works developed by the Teamcore of University of Southern California, which
deepened different directions in this field. After a brief introduction on
Stackelberg Security Games (SSGs) and the poaching setting, the rest of the
work presents how to model a boundedly rational attacker taking into account
her human behavior, then describes how to face the problem of having attacker's
payoffs not defined and how to estimate them and, finally, presents how online
learning techniques have been exploited to learn a model of the attacker.
|
Deep Multi-Species Embedding | Understanding how species are distributed across landscapes over time is a
fundamental question in biodiversity research. Unfortunately, most species
distribution models only target a single species at a time, despite strong
ecological evidence that species are not independently distributed. We propose
Deep Multi-Species Embedding (DMSE), which jointly embeds vectors corresponding
to multiple species as well as vectors representing environmental covariates
into a common high-dimensional feature space via a deep neural network. Applied
to bird observational data from the citizen science project \textit{eBird}, we
demonstrate how the DMSE model discovers inter-species relationships to
outperform single-species distribution models (random forests and SVMs) as well
as competing multi-label models. Additionally, we demonstrate the benefit of
using a deep neural network to extract features within the embedding and show
how they improve the predictive performance of species distribution modelling.
An important domain contribution of the DMSE model is the ability to discover
and describe species interactions while simultaneously learning the shared
habitat preferences among species. As an additional contribution, we provide a
graphical embedding of hundreds of bird species in the Northeast US.
|
Deep Tracking on the Move: Learning to Track the World from a Moving
Vehicle using Recurrent Neural Networks | This paper presents an end-to-end approach for tracking static and dynamic
objects for an autonomous vehicle driving through crowded urban environments.
Unlike traditional approaches to tracking, this method is learned end-to-end,
and is able to directly predict a full unoccluded occupancy grid map from raw
laser input data. Inspired by the recently presented DeepTracking approach
[Ondruska, 2016], we employ a recurrent neural network (RNN) to capture the
temporal evolution of the state of the environment, and propose to use Spatial
Transformer modules to exploit estimates of the egomotion of the vehicle. Our
results demonstrate the ability to track a range of objects, including cars,
buses, pedestrians, and cyclists through occlusion, from both moving and
stationary platforms, using a single learned model. Experimental results
demonstrate that the model can also predict the future states of objects from
current inputs, with greater accuracy than previous work.
|
CNN Architectures for Large-Scale Audio Classification | Convolutional Neural Networks (CNNs) have proven very effective in image
classification and show promise for audio. We use various CNN architectures to
classify the soundtracks of a dataset of 70M training videos (5.24 million
hours) with 30,871 video-level labels. We examine fully connected Deep Neural
Networks (DNNs), AlexNet [1], VGG [2], Inception [3], and ResNet [4]. We
investigate varying the size of both training set and label vocabulary, finding
that analogs of the CNNs used in image classification do well on our audio
classification task, and larger training and label sets help up to a point. A
model using embeddings from these classifiers does much better than raw
features on the Audio Set [5] Acoustic Event Detection (AED) classification
task.
|
Contextual RNN-GANs for Abstract Reasoning Diagram Generation | Understanding, predicting, and generating object motions and transformations
is a core problem in artificial intelligence. Modeling sequences of evolving
images may provide better representations and models of motion and may
ultimately be used for forecasting, simulation, or video generation.
Diagrammatic Abstract Reasoning is an avenue in which diagrams evolve in
complex patterns and one needs to infer the underlying pattern sequence and
generate the next image in the sequence. For this, we develop a novel
Contextual Generative Adversarial Network based on Recurrent Neural Networks
(Context-RNN-GANs), where both the generator and the discriminator modules are
based on contextual history (modeled as RNNs) and the adversarial discriminator
guides the generator to produce realistic images for the particular time step
in the image sequence. We evaluate the Context-RNN-GAN model (and its variants)
on a novel dataset of Diagrammatic Abstract Reasoning, where it performs
competitively with 10th-grade human performance but there is still scope for
interesting improvements as compared to college-grade human performance. We
also evaluate our model on a standard video next-frame prediction task,
achieving improved performance over comparable state-of-the-art.
|
Classifier comparison using precision | New proposed models are often compared to state-of-the-art using statistical
significance testing. Literature is scarce for classifier comparison using
metrics other than accuracy. We present a survey of statistical methods that
can be used for classifier comparison using precision, accounting for
inter-precision correlation arising from use of same dataset. Comparisons are
made using per-class precision and methods presented to test global null
hypothesis of an overall model comparison. Comparisons are extended to multiple
multi-class classifiers and to models using cross validation or its variants.
Partial Bayesian update to precision is introduced when population prevalence
of a class is known. Applications to compare deep architectures are studied.
|
Multi-view Self-supervised Deep Learning for 6D Pose Estimation in the
Amazon Picking Challenge | Robot warehouse automation has attracted significant interest in recent
years, perhaps most visibly in the Amazon Picking Challenge (APC). A fully
autonomous warehouse pick-and-place system requires robust vision that reliably
recognizes and locates objects amid cluttered environments, self-occlusions,
sensor noise, and a large variety of objects. In this paper we present an
approach that leverages multi-view RGB-D data and self-supervised, data-driven
learning to overcome those difficulties. The approach was part of the
MIT-Princeton Team system that took 3rd- and 4th- place in the stowing and
picking tasks, respectively at APC 2016. In the proposed approach, we segment
and label multiple views of a scene with a fully convolutional neural network,
and then fit pre-scanned 3D object models to the resulting segmentation to get
the 6D object pose. Training a deep neural network for segmentation typically
requires a large amount of training data. We propose a self-supervised method
to generate a large labeled dataset without tedious manual segmentation. We
demonstrate that our system can reliably estimate the 6D pose of objects under
a variety of scenarios. All code, data, and benchmarks are available at
http://apc.cs.princeton.edu/
|
Fast learning rates with heavy-tailed losses | We study fast learning rates when the losses are not necessarily bounded and
may have a distribution with heavy tails. To enable such analyses, we introduce
two new conditions: (i) the envelope function $\sup_{f \in \mathcal{F}}|\ell
\circ f|$, where $\ell$ is the loss function and $\mathcal{F}$ is the
hypothesis class, exists and is $L^r$-integrable, and (ii) $\ell$ satisfies the
multi-scale Bernstein's condition on $\mathcal{F}$. Under these assumptions, we
prove that learning rate faster than $O(n^{-1/2})$ can be obtained and,
depending on $r$ and the multi-scale Bernstein's powers, can be arbitrarily
close to $O(n^{-1})$. We then verify these assumptions and derive fast learning
rates for the problem of vector quantization by $k$-means clustering with
heavy-tailed distributions. The analyses enable us to obtain novel learning
rates that extend and complement existing results in the literature from both
theoretical and practical viewpoints.
|
Max-plus statistical leverage scores | The statistical leverage scores of a complex matrix $A\in\mathbb{C}^{n\times
d}$ record the degree of alignment between col$(A)$ and the coordinate axes in
$\mathbb{C}^n$. These score are used in random sampling algorithms for solving
certain numerical linear algebra problems. In this paper we present a max-plus
algebraic analogue for statistical leverage scores. We show that max-plus
statistical leverage scores can be used to calculate the exact asymptotic
behavior of the conventional statistical leverage scores of a generic matrices
of Puiseux series and also provide a novel way to approximate the conventional
statistical leverage scores of a fixed or complex matrix. The advantage of
approximating a complex matrices scores with max-plus scores is that the
max-plus scores can be computed very quickly. This approximation is typically
accurate to within an order or magnitude and should be useful in practical
problems where the true scores are known to vary widely.
|
Charged Point Normalization: An Efficient Solution to the Saddle Point
Problem | Recently, the problem of local minima in very high dimensional non-convex
optimization has been challenged and the problem of saddle points has been
introduced. This paper introduces a dynamic type of normalization that forces
the system to escape saddle points. Unlike other saddle point escaping
algorithms, second order information is not utilized, and the system can be
trained with an arbitrary gradient descent learner. The system drastically
improves learning in a range of deep neural networks on various data-sets in
comparison to non-CPN neural networks.
|
Multi-dimensional signal approximation with sparse structured priors
using split Bregman iterations | This paper addresses the structurally-constrained sparse decomposition of
multi-dimensional signals onto overcomplete families of vectors, called
dictionaries. The contribution of the paper is threefold. Firstly, a generic
spatio-temporal regularization term is designed and used together with the
standard $\ell_1$ regularization term to enforce a sparse decomposition
preserving the spatio-temporal structure of the signal. Secondly, an
optimization algorithm based on the split Bregman approach is proposed to
handle the associated optimization problem, and its convergence is analyzed.
Our well-founded approach yields same accuracy as the other algorithms at the
state-of-the-art, with significant gains in terms of convergence speed.
Thirdly, the empirical validation of the approach on artificial and real-world
problems demonstrates the generality and effectiveness of the method. On
artificial problems, the proposed regularization subsumes the Total Variation
minimization and recovers the expected decomposition. On the real-world problem
of electro-encephalography brainwave decomposition, the approach outperforms
similar approaches in terms of P300 evoked potentials detection, using
structured spatial priors to guide the decomposition.
|
Algorithms for item categorization based on ordinal ranking data | We present a new method for identifying the latent categorization of items
based on their rankings. Complimenting a recent work that uses a Dirichlet
prior on preference vectors and variational inference, we show that this
problem can be effectively dealt with using existing community detection
algorithms, with the communities corresponding to item categories. In
particular we convert the bipartite ranking data to a unipartite graph of item
affinities, and apply community detection algorithms. In this context we modify
an existing algorithm - namely the label propagation algorithm to a variant
that uses the distance between the nodes for weighting the label propagation -
to identify the categories. We propose and analyze a synthetic ordinal ranking
model and show its relation to the recently much studied stochastic block
model. We test our algorithms on synthetic data and compare performance with
several popular community detection algorithms. We also test the method on real
data sets of movie categorization from the Movie Lens database. In all of the
cases our algorithm is able to identify the categories for a suitable choice of
tuning parameter.
|
Asynchronous Multi-Task Learning | Many real-world machine learning applications involve several learning tasks
which are inter-related. For example, in healthcare domain, we need to learn a
predictive model of a certain disease for many hospitals. The models for each
hospital may be different because of the inherent differences in the
distributions of the patient populations. However, the models are also closely
related because of the nature of the learning tasks modeling the same disease.
By simultaneously learning all the tasks, multi-task learning (MTL) paradigm
performs inductive knowledge transfer among tasks to improve the generalization
performance. When datasets for the learning tasks are stored at different
locations, it may not always be feasible to transfer the data to provide a
data-centralized computing environment due to various practical issues such as
high data volume and privacy. In this paper, we propose a principled MTL
framework for distributed and asynchronous optimization to address the
aforementioned challenges. In our framework, gradient update does not wait for
collecting the gradient information from all the tasks. Therefore, the proposed
method is very efficient when the communication delay is too high for some task
nodes. We show that many regularized MTL formulations can benefit from this
framework, including the low-rank MTL for shared subspace learning. Empirical
studies on both synthetic and real-world datasets demonstrate the efficiency
and effectiveness of the proposed framework.
|
Social Computing for Mobile Big Data in Wireless Networks | Mobile big data contains vast statistical features in various dimensions,
including spatial, temporal, and the underlying social domain. Understanding
and exploiting the features of mobile data from a social network perspective
will be extremely beneficial to wireless networks, from planning, operation,
and maintenance to optimization and marketing. In this paper, we categorize and
analyze the big data collected from real wireless cellular networks. Then, we
study the social characteristics of mobile big data and highlight several
research directions for mobile big data in the social computing areas.
|
Big Data analytics. Three use cases with R, Python and Spark | Management and analysis of big data are systematically associated with a data
distributed architecture in the Hadoop and now Spark frameworks. This article
offers an introduction for statisticians to these technologies by comparing the
performance obtained by the direct use of three reference environments: R,
Python Scikit-learn, Spark MLlib on three public use cases: character
recognition, recommending films, categorizing products. As main result, it
appears that, if Spark is very efficient for data munging and recommendation by
collaborative filtering (non-negative factorization), current implementations
of conventional learning methods (logistic regression, random forests) in MLlib
or SparkML do not ou poorly compete habitual use of these methods (R, Python
Scikit-learn) in an integrated or undistributed architecture
|
On Identification of Sparse Multivariable ARX Model: A Sparse Bayesian
Learning Approach | This paper begins with considering the identification of sparse linear
time-invariant networks described by multivariable ARX models. Such models
possess relatively simple structure thus used as a benchmark to promote further
research. With identifiability of the network guaranteed, this paper presents
an identification method that infers both the Boolean structure of the network
and the internal dynamics between nodes. Identification is performed directly
from data without any prior knowledge of the system, including its order. The
proposed method solves the identification problem using Maximum a posteriori
estimation (MAP) but with inseparable penalties for complexity, both in terms
of element (order of nonzero connections) and group sparsity (network
topology). Such an approach is widely applied in Compressive Sensing (CS) and
known as Sparse Bayesian Learning (SBL). We then propose a novel scheme that
combines sparse Bayesian and group sparse Bayesian to efficiently solve the
problem. The resulted algorithm has a similar form of the standard Sparse Group
Lasso (SGL) while with known noise variance, it simplifies to exact re-weighted
SGL. The method and the developed toolbox can be applied to infer networks from
a wide range of fields, including systems biology applications such as
signaling and genetic regulatory networks.
|
Predicting the consequence of action in digital control state spaces | The objective of this dissertation is to shed light on some fundamental
impediments in learning control laws in continuous state spaces. In particular,
if one wants to build artificial devices capable to learn motor tasks the same
way they learn to classify signals and images, one needs to establish control
rules that do not necessitate comparisons between quantities of the surrounding
space. We propose, in that context, to take inspiration from the "end effector
control" principle, as suggested by neuroscience studies, as opposed to the
"displacement control" principle used in the classical control theory.
|
Optimal spectral transportation with application to music transcription | Many spectral unmixing methods rely on the non-negative decomposition of
spectral data onto a dictionary of spectral templates. In particular,
state-of-the-art music transcription systems decompose the spectrogram of the
input signal onto a dictionary of representative note spectra. The typical
measures of fit used to quantify the adequacy of the decomposition compare the
data and template entries frequency-wise. As such, small displacements of
energy from a frequency bin to another as well as variations of timber can
disproportionally harm the fit. We address these issues by means of optimal
transportation and propose a new measure of fit that treats the frequency
distributions of energy holistically as opposed to frequency-wise. Building on
the harmonic nature of sound, the new measure is invariant to shifts of energy
to harmonically-related frequencies, as well as to small and local
displacements of energy. Equipped with this new measure of fit, the dictionary
of note templates can be considerably simplified to a set of Dirac vectors
located at the target fundamental frequencies (musical pitch values). This in
turns gives ground to a very fast and simple decomposition algorithm that
achieves state-of-the-art performance on real musical data.
|
On the Worst-case Communication Overhead for Distributed Data Shuffling | Distributed learning platforms for processing large scale data-sets are
becoming increasingly prevalent. In typical distributed implementations, a
centralized master node breaks the data-set into smaller batches for parallel
processing across distributed workers to achieve speed-up and efficiency.
Several computational tasks are of sequential nature, and involve multiple
passes over the data. At each iteration over the data, it is common practice to
randomly re-shuffle the data at the master node, assigning different batches
for each worker to process. This random re-shuffling operation comes at the
cost of extra communication overhead, since at each shuffle, new data points
need to be delivered to the distributed workers.
In this paper, we focus on characterizing the information theoretically
optimal communication overhead for the distributed data shuffling problem. We
propose a novel coded data delivery scheme for the case of no excess storage,
where every worker can only store the assigned data batches under processing.
Our scheme exploits a new type of coding opportunity and is applicable to any
arbitrary shuffle, and for any number of workers. We also present an
information theoretic lower bound on the minimum communication overhead for
data shuffling, and show that the proposed scheme matches this lower bound for
the worst-case communication overhead.
|
Structured Inference Networks for Nonlinear State Space Models | Gaussian state space models have been used for decades as generative models
of sequential data. They admit an intuitive probabilistic interpretation, have
a simple functional form, and enjoy widespread adoption. We introduce a unified
algorithm to efficiently learn a broad class of linear and non-linear state
space models, including variants where the emission and transition
distributions are modeled by deep neural networks. Our learning algorithm
simultaneously learns a compiled inference network and the generative model,
leveraging a structured variational approximation parameterized by recurrent
neural networks to mimic the posterior distribution. We apply the learning
algorithm to both synthetic and real-world datasets, demonstrating its
scalability and versatility. We find that using the structured approximation to
the posterior results in models with significantly higher held-out likelihood.
|
Outlier Detection from Network Data with Subnetwork Interpretation | Detecting a small number of outliers from a set of data observations is
always challenging. This problem is more difficult in the setting of multiple
network samples, where computing the anomalous degree of a network sample is
generally not sufficient. In fact, explaining why the network is exceptional,
expressed in the form of subnetwork, is also equally important. In this paper,
we develop a novel algorithm to address these two key problems. We treat each
network sample as a potential outlier and identify subnetworks that mostly
discriminate it from nearby regular samples. The algorithm is developed in the
framework of network regression combined with the constraints on both network
topology and L1-norm shrinkage to perform subnetwork discovery. Our method thus
goes beyond subspace/subgraph discovery and we show that it converges to a
global optimum. Evaluation on various real-world network datasets demonstrates
that our algorithm not only outperforms baselines in both network and high
dimensional setting, but also discovers highly relevant and interpretable local
subnetworks, further enhancing our understanding of anomalous networks.
|
Faster Kernels for Graphs with Continuous Attributes via Hashing | While state-of-the-art kernels for graphs with discrete labels scale well to
graphs with thousands of nodes, the few existing kernels for graphs with
continuous attributes, unfortunately, do not scale well. To overcome this
limitation, we present hash graph kernels, a general framework to derive
kernels for graphs with continuous attributes from discrete ones. The idea is
to iteratively turn continuous attributes into discrete labels using randomized
hash functions. We illustrate hash graph kernels for the Weisfeiler-Lehman
subtree kernel and for the shortest-path kernel. The resulting novel graph
kernels are shown to be, both, able to handle graphs with continuous attributes
and scalable to large graphs and data sets. This is supported by our
theoretical analysis and demonstrated by an extensive experimental evaluation.
|
Deep Spatio-Temporal Residual Networks for Citywide Crowd Flows
Prediction | Forecasting the flow of crowds is of great importance to traffic management
and public safety, yet a very challenging task affected by many complex
factors, such as inter-region traffic, events and weather. In this paper, we
propose a deep-learning-based approach, called ST-ResNet, to collectively
forecast the in-flow and out-flow of crowds in each and every region through a
city. We design an end-to-end structure of ST-ResNet based on unique properties
of spatio-temporal data. More specifically, we employ the framework of the
residual neural networks to model the temporal closeness, period, and trend
properties of the crowd traffic, respectively. For each property, we design a
branch of residual convolutional units, each of which models the spatial
properties of the crowd traffic. ST-ResNet learns to dynamically aggregate the
output of the three residual neural networks based on data, assigning different
weights to different branches and regions. The aggregation is further combined
with external factors, such as weather and day of the week, to predict the
final traffic of crowds in each and every region. We evaluate ST-ResNet based
on two types of crowd flows in Beijing and NYC, finding that its performance
exceeds six well-know methods.
|
Latent Tree Analysis | Latent tree analysis seeks to model the correlations among a set of random
variables using a tree of latent variables. It was proposed as an improvement
to latent class analysis --- a method widely used in social sciences and
medicine to identify homogeneous subgroups in a population. It provides new and
fruitful perspectives on a number of machine learning areas, including cluster
analysis, topic detection, and deep probabilistic modeling. This paper gives an
overview of the research on latent tree analysis and various ways it is used in
practice.
|
Very Deep Convolutional Neural Networks for Raw Waveforms | Learning acoustic models directly from the raw waveform data with minimal
processing is challenging. Current waveform-based models have generally used
very few (~2) convolutional layers, which might be insufficient for building
high-level discriminative features. In this work, we propose very deep
convolutional neural networks (CNNs) that directly use time-domain waveforms as
inputs. Our CNNs, with up to 34 weight layers, are efficient to optimize over
very long sequences (e.g., vector of size 32000), necessary for processing
acoustic waveforms. This is achieved through batch normalization, residual
learning, and a careful design of down-sampling in the initial layers. Our
networks are fully convolutional, without the use of fully connected layers and
dropout, to maximize representation learning. We use a large receptive field in
the first convolutional layer to mimic bandpass filters, but very small
receptive fields subsequently to control the model capacity. We demonstrate the
performance gains with the deeper models. Our evaluation shows that the CNN
with 18 weight layers outperform the CNN with 3 weight layers by over 15% in
absolute accuracy for an environmental sound recognition task and matches the
performance of models using log-mel features.
|
A large scale study of SVM based methods for abstract screening in
systematic reviews | A major task in systematic reviews is abstract screening, i.e., excluding,
often hundreds or thousand of, irrelevant citations returned from a database
search based on titles and abstracts. Thus, a systematic review platform that
can automate the abstract screening process is of huge importance. Several
methods have been proposed for this task. However, it is very hard to clearly
understand the applicability of these methods in a systematic review platform
because of the following challenges: (1) the use of non-overlapping metrics for
the evaluation of the proposed methods, (2) usage of features that are very
hard to collect, (3) using a small set of reviews for the evaluation, and (4)
no solid statistical testing or equivalence grouping of the methods. In this
paper, we use feature representation that can be extracted per citation. We
evaluate SVM-based methods (commonly used) on a large set of reviews ($61$) and
metrics ($11$) to provide equivalence grouping of methods based on a solid
statistical test. Our analysis also includes a strong variability of the
metrics using $500$x$2$ cross validation. While some methods shine for
different metrics and for different datasets, there is no single method that
dominates the pack. Furthermore, we observe that in some cases relevant
(included) citations can be found after screening only 15-20% of them via a
certainty based sampling. A few included citations present outlying
characteristics and can only be found after a very large number of screening
steps. Finally, we present an ensemble algorithm for producing a $5$-star
rating of citations based on their relevance. Such algorithm combines the best
methods from our evaluation and through its $5$-star rating outputs a more
easy-to-consume prediction.
|
Deep unsupervised learning through spatial contrasting | Convolutional networks have marked their place over the last few years as the
best performing model for various visual tasks. They are, however, most suited
for supervised learning from large amounts of labeled data. Previous attempts
have been made to use unlabeled data to improve model performance by applying
unsupervised techniques. These attempts require different architectures and
training methods. In this work we present a novel approach for unsupervised
training of Convolutional networks that is based on contrasting between spatial
regions within images. This criterion can be employed within conventional
neural networks and trained using standard techniques such as SGD and
back-propagation, thus complementing supervised methods.
|
HNP3: A Hierarchical Nonparametric Point Process for Modeling Content
Diffusion over Social Media | This paper introduces a novel framework for modeling temporal events with
complex longitudinal dependency that are generated by dependent sources. This
framework takes advantage of multidimensional point processes for modeling time
of events. The intensity function of the proposed process is a mixture of
intensities, and its complexity grows with the complexity of temporal patterns
of data. Moreover, it utilizes a hierarchical dependent nonparametric approach
to model marks of events. These capabilities allow the proposed model to adapt
its temporal and topical complexity according to the complexity of data, which
makes it a suitable candidate for real world scenarios. An online inference
algorithm is also proposed that makes the framework applicable to a vast range
of applications. The framework is applied to a real world application, modeling
the diffusion of contents over networks. Extensive experiments reveal the
effectiveness of the proposed framework in comparison with state-of-the-art
methods.
|
Sparsity-driven weighted ensemble classifier | In this study, a novel sparsity-driven weighted ensemble classifier (SDWEC)
that improves classification accuracy and minimizes the number of classifiers
is proposed. Using pre-trained classifiers, an ensemble in which base
classifiers votes according to assigned weights is formed. These assigned
weights directly affect classifier accuracy. In the proposed method, ensemble
weights finding problem is modeled as a cost function with the following terms:
(a) a data fidelity term aiming to decrease misclassification rate, (b) a
sparsity term aiming to decrease the number of classifiers, and (c) a
non-negativity constraint on the weights of the classifiers. As the proposed
cost function is non-convex thus hard to solve, convex relaxation techniques
and novel approximations are employed to obtain a numerically efficient
solution. Sparsity term of cost function allows trade-off between accuracy and
testing time when needed. The efficiency of SDWEC was tested on 11 datasets and
compared with the state-of-the art classifier ensemble methods. The results
show that SDWEC provides better or similar accuracy levels using fewer
classifiers and reduces testing time for ensemble.
|
Accelerating Deep Convolutional Networks using low-precision and
sparsity | We explore techniques to significantly improve the compute efficiency and
performance of Deep Convolution Networks without impacting their accuracy. To
improve the compute efficiency, we focus on achieving high accuracy with
extremely low-precision (2-bit) weight networks, and to accelerate the
execution time, we aggressively skip operations on zero-values. We achieve the
highest reported accuracy of 76.6% Top-1/93% Top-5 on the Imagenet object
classification challenge with low-precision network\footnote{github release of
the source code coming soon} while reducing the compute requirement by ~3x
compared to a full-precision network that achieves similar accuracy.
Furthermore, to fully exploit the benefits of our low-precision networks, we
build a deep learning accelerator core, dLAC, that can achieve up to 1
TFLOP/mm^2 equivalent for single-precision floating-point operations (~2
TFLOP/mm^2 for half-precision).
|
Funneled Bayesian Optimization for Design, Tuning and Control of
Autonomous Systems | Bayesian optimization has become a fundamental global optimization algorithm
in many problems where sample efficiency is of paramount importance. Recently,
there has been proposed a large number of new applications in fields such as
robotics, machine learning, experimental design, simulation, etc. In this
paper, we focus on several problems that appear in robotics and autonomous
systems: algorithm tuning, automatic control and intelligent design. All those
problems can be mapped to global optimization problems. However, they become
hard optimization problems. Bayesian optimization internally uses a
probabilistic surrogate model (e.g.: Gaussian process) to learn from the
process and reduce the number of samples required. In order to generalize to
unknown functions in a black-box fashion, the common assumption is that the
underlying function can be modeled with a stationary process. Nonstationary
Gaussian process regression cannot generalize easily and it typically requires
prior knowledge of the function. Some works have designed techniques to
generalize Bayesian optimization to nonstationary functions in an indirect way,
but using techniques originally designed for regression, where the objective is
to improve the quality of the surrogate model everywhere. Instead optimization
should focus on improving the surrogate model near the optimum. In this paper,
we present a novel kernel function specially designed for Bayesian
optimization, that allows nonstationary behavior of the surrogate model in an
adaptive local region. In our experiments, we found that this new kernel
results in an improved local search (exploitation), without penalizing the
global search (exploration). We provide results in well-known benchmarks and
real applications. The new method outperforms the state of the art in Bayesian
optimization both in stationary and nonstationary problems.
|
Sentiment Analysis on Bangla and Romanized Bangla Text (BRBT) using Deep
Recurrent models | Sentiment Analysis (SA) is an action research area in the digital age. With
rapid and constant growth of online social media sites and services, and the
increasing amount of textual data such as - statuses, comments, reviews etc.
available in them, application of automatic SA is on the rise. However, most of
the research works on SA in natural language processing (NLP) are based on
English language. Despite being the sixth most widely spoken language in the
world, Bangla still does not have a large and standard dataset. Because of
this, recent research works in Bangla have failed to produce results that can
be both comparable to works done by others and reusable as stepping stones for
future researchers to progress in this field. Therefore, we first tried to
provide a textual dataset - that includes not just Bangla, but Romanized Bangla
texts as well, is substantial, post-processed and multiple validated, ready to
be used in SA experiments. We tested this dataset in Deep Recurrent model,
specifically, Long Short Term Memory (LSTM), using two types of loss functions
- binary crossentropy and categorical crossentropy, and also did some
experimental pre-training by using data from one validation to pre-train the
other and vice versa. Lastly, we documented the results along with some
analysis on them, which were promising.
|
Learning to Translate in Real-time with Neural Machine Translation | Translating in real-time, a.k.a. simultaneous translation, outputs
translation words before the input sentence ends, which is a challenging
problem for conventional machine translation methods. We propose a neural
machine translation (NMT) framework for simultaneous translation in which an
agent learns to make decisions on when to translate from the interaction with a
pre-trained NMT environment. To trade off quality and delay, we extensively
explore various targets for delay and design a method for beam-search
applicable in the simultaneous MT setting. Experiments against state-of-the-art
baselines on two language pairs demonstrate the efficacy of the proposed
framework both quantitatively and qualitatively.
|
Can Evolutionary Sampling Improve Bagged Ensembles? | Perturb and Combine (P&C) group of methods generate multiple versions of the
predictor by perturbing the training set or construction and then combining
them into a single predictor (Breiman, 1996b). The motive is to improve the
accuracy in unstable classification and regression methods. One of the most
well known method in this group is Bagging. Arcing or Adaptive Resampling and
Combining methods like AdaBoost are smarter variants of P&C methods. In this
extended abstract, we lay the groundwork for a new family of methods under the
P&C umbrella, known as Evolutionary Sampling (ES). We employ Evolutionary
algorithms to suggest smarter sampling in both the feature space (sub-spaces)
as well as training samples. We discuss multiple fitness functions to assess
ensembles and empirically compare our performance against randomized sampling
of training data and feature sub-spaces.
|
One-Trial Correction of Legacy AI Systems and Stochastic Separation
Theorems | We consider the problem of efficient "on the fly" tuning of existing, or {\it
legacy}, Artificial Intelligence (AI) systems. The legacy AI systems are
allowed to be of arbitrary class, albeit the data they are using for computing
interim or final decision responses should posses an underlying structure of a
high-dimensional topological real vector space. The tuning method that we
propose enables dealing with errors without the need to re-train the system.
Instead of re-training a simple cascade of perceptron nodes is added to the
legacy system. The added cascade modulates the AI legacy system's decisions. If
applied repeatedly, the process results in a network of modulating rules
"dressing up" and improving performance of existing AI systems. Mathematical
rationale behind the method is based on the fundamental property of measure
concentration in high dimensional spaces. The method is illustrated with an
example of fine-tuning a deep convolutional network that has been pre-trained
to detect pedestrians in images.
|
Semi-supervised Learning with Sparse Autoencoders in Phone
Classification | We propose the application of a semi-supervised learning method to improve
the performance of acoustic modelling for automatic speech recognition based on
deep neural net- works. As opposed to unsupervised initialisation followed by
supervised fine tuning, our method takes advantage of both unlabelled and
labelled data simultaneously through mini- batch stochastic gradient descent.
We tested the method with varying proportions of labelled vs unlabelled
observations in frame-based phoneme classification on the TIMIT database. Our
experiments show that the method outperforms standard supervised training for
an equal amount of labelled data and provides competitive error rates compared
to state-of-the-art graph-based semi-supervised learning techniques.
|
Video Pixel Networks | We propose a probabilistic video model, the Video Pixel Network (VPN), that
estimates the discrete joint distribution of the raw pixel values in a video.
The model and the neural architecture reflect the time, space and color
structure of video tensors and encode it as a four-dimensional dependency
chain. The VPN approaches the best possible performance on the Moving MNIST
benchmark, a leap over the previous state of the art, and the generated videos
show only minor deviations from the ground truth. The VPN also produces
detailed samples on the action-conditional Robotic Pushing benchmark and
generalizes to the motion of novel objects.
|
Path Integral Guided Policy Search | We present a policy search method for learning complex feedback control
policies that map from high-dimensional sensory inputs to motor torques, for
manipulation tasks with discontinuous contact dynamics. We build on a prior
technique called guided policy search (GPS), which iteratively optimizes a set
of local policies for specific instances of a task, and uses these to train a
complex, high-dimensional global policy that generalizes across task instances.
We extend GPS in the following ways: (1) we propose the use of a model-free
local optimizer based on path integral stochastic optimal control (PI2), which
enables us to learn local policies for tasks with highly discontinuous contact
dynamics; and (2) we enable GPS to train on a new set of task instances in
every iteration by using on-policy sampling: this increases the diversity of
the instances that the policy is trained on, and is crucial for achieving good
generalization. We show that these contributions enable us to learn deep neural
network policies that can directly perform torque control from visual input. We
validate the method on a challenging door opening task and a pick-and-place
task, and we demonstrate that our approach substantially outperforms the prior
LQR-based local policy optimizer on these tasks. Furthermore, we show that
on-policy sampling significantly increases the generalization ability of these
policies.
|
FPGA-Based Low-Power Speech Recognition with Recurrent Neural Networks | In this paper, a neural network based real-time speech recognition (SR)
system is developed using an FPGA for very low-power operation. The implemented
system employs two recurrent neural networks (RNNs); one is a
speech-to-character RNN for acoustic modeling (AM) and the other is for
character-level language modeling (LM). The system also employs a statistical
word-level LM to improve the recognition accuracy. The results of the AM, the
character-level LM, and the word-level LM are combined using a fairly simple
N-best search algorithm instead of the hidden Markov model (HMM) based network.
The RNNs are implemented using massively parallel processing elements (PEs) for
low latency and high throughput. The weights are quantized to 6 bits to store
all of them in the on-chip memory of an FPGA. The proposed algorithm is
implemented on a Xilinx XC7Z045, and the system can operate much faster than
real-time.
|
End-to-End Radio Traffic Sequence Recognition with Deep Recurrent Neural
Networks | We investigate sequence machine learning techniques on raw radio signal
time-series data. By applying deep recurrent neural networks we learn to
discriminate between several application layer traffic types on top of a
constant envelope modulation without using an expert demodulation algorithm. We
show that complex protocol sequences can be learned and used for both
classification and generation tasks using this approach.
|
Fast Cosine Similarity Search in Binary Space with Angular Multi-index
Hashing | Given a large dataset of binary codes and a binary query point, we address
how to efficiently find $K$ codes in the dataset that yield the largest cosine
similarities to the query. The straightforward answer to this problem is to
compare the query with all items in the dataset, but this is practical only for
small datasets. One potential solution to enhance the search time and achieve
sublinear cost is to use a hash table populated with binary codes of the
dataset and then look up the nearby buckets to the query to retrieve the
nearest neighbors. However, if codes are compared in terms of cosine similarity
rather than the Hamming distance, then the main issue is that the order of
buckets to probe is not evident. To examine this issue, we first elaborate on
the connection between the Hamming distance and the cosine similarity. Doing
this allows us to systematically find the probing sequence in the hash table.
However, solving the nearest neighbor search with a single table is only
practical for short binary codes. To address this issue, we propose the angular
multi-index hashing search algorithm which relies on building multiple hash
tables on binary code substrings. The proposed search algorithm solves the
exact angular $K$ nearest neighbor problem in a time that is often orders of
magnitude faster than the linear scan baseline and even approximation methods.
|
Quantifying Urban Traffic Anomalies | Detecting and quantifying anomalies in urban traffic is critical for
real-time alerting or re-routing in the short run and urban planning in the
long run. We describe a two-step framework that achieves these two goals in a
robust, fast, online, and unsupervised manner. First, we adapt stable principal
component pursuit to detect anomalies for each road segment. This allows us to
pinpoint traffic anomalies early and precisely in space. Then we group the
road-level anomalies across time and space into meaningful anomaly events using
a simple graph expansion procedure. These events can be easily clustered,
visualized, and analyzed by urban planners. We demonstrate the effectiveness of
our system using 7 weeks of anonymized and aggregated cellular location data in
Dallas-Fort Worth. We suggest potential opportunities for urban planners and
policy makers to use our methodology to make informed changes. These
applications include real-time re-routing of traffic in response to abnormally
high traffic, or identifying candidates for high-impact infrastructure
projects.
|
Flint Water Crisis: Data-Driven Risk Assessment Via Residential Water
Testing | Recovery from the Flint Water Crisis has been hindered by uncertainty in both
the water testing process and the causes of contamination. In this work, we
develop an ensemble of predictive models to assess the risk of lead
contamination in individual homes and neighborhoods. To train these models, we
utilize a wide range of data sources, including voluntary residential water
tests, historical records, and city infrastructure data. Additionally, we use
our models to identify the most prominent factors that contribute to a high
risk of lead contamination. In this analysis, we find that lead service lines
are not the only factor that is predictive of the risk of lead contamination of
water. These results could be used to guide the long-term recovery efforts in
Flint, minimize the immediate damages, and improve resource-allocation
decisions for similar water infrastructure crises.
|
Deep Reinforcement Learning for Robotic Manipulation with Asynchronous
Off-Policy Updates | Reinforcement learning holds the promise of enabling autonomous robots to
learn large repertoires of behavioral skills with minimal human intervention.
However, robotic applications of reinforcement learning often compromise the
autonomy of the learning process in favor of achieving training times that are
practical for real physical systems. This typically involves introducing
hand-engineered policy representations and human-supplied demonstrations. Deep
reinforcement learning alleviates this limitation by training general-purpose
neural network policies, but applications of direct deep reinforcement learning
algorithms have so far been restricted to simulated settings and relatively
simple tasks, due to their apparent high sample complexity. In this paper, we
demonstrate that a recent deep reinforcement learning algorithm based on
off-policy training of deep Q-functions can scale to complex 3D manipulation
tasks and can learn deep neural network policies efficiently enough to train on
real physical robots. We demonstrate that the training times can be further
reduced by parallelizing the algorithm across multiple robots which pool their
policy updates asynchronously. Our experimental evaluation shows that our
method can learn a variety of 3D manipulation skills in simulation and a
complex door opening skill on real robots without any prior demonstrations or
manually designed representations.
|
Kernel Selection using Multiple Kernel Learning and Domain Adaptation in
Reproducing Kernel Hilbert Space, for Face Recognition under Surveillance
Scenario | Face Recognition (FR) has been the interest to several researchers over the
past few decades due to its passive nature of biometric authentication. Despite
high accuracy achieved by face recognition algorithms under controlled
conditions, achieving the same performance for face images obtained in
surveillance scenarios, is a major hurdle. Some attempts have been made to
super-resolve the low-resolution face images and improve the contrast, without
considerable degree of success. The proposed technique in this paper tries to
cope with the very low resolution and low contrast face images obtained from
surveillance cameras, for FR under surveillance conditions. For Support Vector
Machine classification, the selection of appropriate kernel has been a widely
discussed issue in the research community. In this paper, we propose a novel
kernel selection technique termed as MFKL (Multi-Feature Kernel Learning) to
obtain the best feature-kernel pairing. Our proposed technique employs a
effective kernel selection by Multiple Kernel Learning (MKL) method, to choose
the optimal kernel to be used along with unsupervised domain adaptation method
in the Reproducing Kernel Hilbert Space (RKHS), for a solution to the problem.
Rigorous experimentation has been performed on three real-world surveillance
face datasets : FR\_SURV, SCface and ChokePoint. Results have been shown using
Rank-1 Recognition Accuracy, ROC and CMC measures. Our proposed method
outperforms all other recent state-of-the-art techniques by a considerable
margin.
|
Collective Robot Reinforcement Learning with Distributed Asynchronous
Guided Policy Search | In principle, reinforcement learning and policy search methods can enable
robots to learn highly complex and general skills that may allow them to
function amid the complexity and diversity of the real world. However, training
a policy that generalizes well across a wide range of real-world conditions
requires far greater quantity and diversity of experience than is practical to
collect with a single robot. Fortunately, it is possible for multiple robots to
share their experience with one another, and thereby, learn a policy
collectively. In this work, we explore distributed and asynchronous policy
learning as a means to achieve generalization and improved training times on
challenging, real-world manipulation tasks. We propose a distributed and
asynchronous version of Guided Policy Search and use it to demonstrate
collective policy learning on a vision-based door opening task using four
robots. We show that it achieves better generalization, utilization, and
training times than the single robot alternative.
|
Team-Optimal Distributed MMSE Estimation in General and Tree Networks | We construct team-optimal estimation algorithms over distributed networks for
state estimation in the finite-horizon mean-square error (MSE) sense. Here, we
have a distributed collection of agents with processing and cooperation
capabilities. These agents observe noisy samples of a desired state through a
linear model and seek to learn this state by interacting with each other.
Although this problem has attracted significant attention and been studied
extensively in fields including machine learning and signal processing, all the
well-known strategies do not achieve team-optimal learning performance in the
finite-horizon MSE sense. To this end, we formulate the finite-horizon
distributed minimum MSE (MMSE) when there is no restriction on the size of the
disclosed information, i.e., oracle performance, over an arbitrary network
topology. Subsequently, we show that exchange of local estimates is sufficient
to achieve the oracle performance only over certain network topologies. By
inspecting these network structures, we propose recursive algorithms achieving
the oracle performance through the disclosure of local estimates. For practical
implementations we also provide approaches to reduce the complexity of the
algorithms through the time-windowing of the observations. Finally, in the
numerical examples, we demonstrate the superior performance of the introduced
algorithms in the finite-horizon MSE sense due to optimal estimation.
|
Deep Visual Foresight for Planning Robot Motion | A key challenge in scaling up robot learning to many skills and environments
is removing the need for human supervision, so that robots can collect their
own data and improve their own performance without being limited by the cost of
requesting human feedback. Model-based reinforcement learning holds the promise
of enabling an agent to learn to predict the effects of its actions, which
could provide flexible predictive models for a wide range of tasks and
environments, without detailed human supervision. We develop a method for
combining deep action-conditioned video prediction models with model-predictive
control that uses entirely unlabeled training data. Our approach does not
require a calibrated camera, an instrumented training set-up, nor precise
sensing and actuation. Our results show that our method enables a real robot to
perform nonprehensile manipulation -- pushing objects -- and can handle novel
objects not seen during training.
|
Sequential Low-Rank Change Detection | Detecting emergence of a low-rank signal from high-dimensional data is an
important problem arising from many applications such as camera surveillance
and swarm monitoring using sensors. We consider a procedure based on the
largest eigenvalue of the sample covariance matrix over a sliding window to
detect the change. To achieve dimensionality reduction, we present a
sketching-based approach for rank change detection using the low-dimensional
linear sketches of the original high-dimensional observations. The premise is
that when the sketching matrix is a random Gaussian matrix, and the dimension
of the sketching vector is sufficiently large, the rank of sample covariance
matrix for these sketches equals the rank of the original sample covariance
matrix with high probability. Hence, we may be able to detect the low-rank
change using sample covariance matrices of the sketches without having to
recover the original covariance matrix. We character the performance of the
largest eigenvalue statistic in terms of the false-alarm-rate and the expected
detection delay, and present an efficient online implementation via subspace
tracking.
|
Technical Report on the CleverHans v2.1.0 Adversarial Examples Library | CleverHans is a software library that provides standardized reference
implementations of adversarial example construction techniques and adversarial
training. The library may be used to develop more robust machine learning
models and to provide standardized benchmarks of models' performance in the
adversarial setting. Benchmarks constructed without a standardized
implementation of adversarial example construction are not comparable to each
other, because a good result may indicate a robust model or it may merely
indicate a weak implementation of the adversarial example construction
procedure.
This technical report is structured as follows. Section 1 provides an
overview of adversarial examples in machine learning and of the CleverHans
software. Section 2 presents the core functionalities of the library: namely
the attacks based on adversarial examples and defenses to improve the
robustness of machine learning models to these attacks. Section 3 describes how
to report benchmark results using the library. Section 4 describes the
versioning system.
|
The Search Problem in Mixture Models | We consider the task of learning the parameters of a {\em single} component
of a mixture model, for the case when we are given {\em side information} about
that component, we call this the "search problem" in mixture models. We would
like to solve this with computational and sample complexity lower than solving
the overall original problem, where one learns parameters of all components.
Our main contributions are the development of a simple but general model for
the notion of side information, and a corresponding simple matrix-based
algorithm for solving the search problem in this general setting. We then
specialize this model and algorithm to four common scenarios: Gaussian mixture
models, LDA topic models, subspace clustering, and mixed linear regression. For
each one of these we show that if (and only if) the side information is
informative, we obtain parameter estimates with greater accuracy, and also
improved computation complexity than existing moment based mixture model
algorithms (e.g. tensor methods). We also illustrate several natural ways one
can obtain such side information, for specific problem instances. Our
experiments on real data sets (NY Times, Yelp, BSDS500) further demonstrate the
practicality of our algorithms showing significant improvement in runtime and
accuracy.
|
Revisiting Role Discovery in Networks: From Node to Edge Roles | Previous work in network analysis has focused on modeling the
mixed-memberships of node roles in the graph, but not the roles of edges. We
introduce the edge role discovery problem and present a generalizable framework
for learning and extracting edge roles from arbitrary graphs automatically.
Furthermore, while existing node-centric role models have mainly focused on
simple degree and egonet features, this work also explores graphlet features
for role discovery. In addition, we also develop an approach for automatically
learning and extracting important and useful edge features from an arbitrary
graph. The experimental results demonstrate the utility of edge roles for
network analysis tasks on a variety of graphs from various problem domains.
|
Comparing Human-Centric and Robot-Centric Sampling for Robot Deep
Learning from Demonstrations | Motivated by recent advances in Deep Learning for robot control, this paper
considers two learning algorithms in terms of how they acquire demonstrations.
"Human-Centric" (HC) sampling is the standard supervised learning algorithm,
where a human supervisor demonstrates the task by teleoperating the robot to
provide trajectories consisting of state-control pairs. "Robot-Centric" (RC)
sampling is an increasingly popular alternative used in algorithms such as
DAgger, where a human supervisor observes the robot executing a learned policy
and provides corrective control labels for each state visited. RC sampling can
be challenging for human supervisors and prone to mislabeling. RC sampling can
also induce error in policy performance because it repeatedly visits areas of
the state space that are harder to learn. Although policies learned with RC
sampling can be superior to HC sampling for standard learning models such as
linear SVMs, policies learned with HC sampling may be comparable with
highly-expressive learning models such as deep learning and hyper-parametric
decision trees, which have little model error. We compare HC and RC using a
grid world and a physical robot singulation task, where in the latter the input
is a binary image of a connected set of objects on a planar worksurface and the
policy generates a motion of the gripper to separate one object from the rest.
We observe in simulation that for linear SVMs, policies learned with RC
outperformed those learned with HC but that with deep models this advantage
disappears. We also find that with RC, the corrective control labels provided
by humans can be highly inconsistent. We prove there exists a class of examples
where in the limit, HC is guaranteed to converge to an optimal policy while RC
may fail to converge.
|
Ensemble Maximum Entropy Classification and Linear Regression for Author
Age Prediction | The evolution of the internet has created an abundance of unstructured data
on the web, a significant part of which is textual. The task of author
profiling seeks to find the demographics of people solely from their linguistic
and content-based features in text. The ability to describe traits of authors
clearly has applications in fields such as security and forensics, as well as
marketing. Instead of seeing age as just a classification problem, we also
frame age as a regression one, but use an ensemble chain method that
incorporates the power of both classification and regression to learn the
authors exact age.
|
Micro-Data Learning: The Other End of the Spectrum | Many fields are now snowed under with an avalanche of data, which raises
considerable challenges for computer scientists. Meanwhile, robotics (among
other fields) can often only use a few dozen data points because acquiring them
involves a process that is expensive or time-consuming. How can an algorithm
learn with only a few data points?
|
Embracing data abundance: BookTest Dataset for Reading Comprehension | There is a practically unlimited amount of natural language data available.
Still, recent work in text comprehension has focused on datasets which are
small relative to current computing possibilities. This article is making a
case for the community to move to larger data and as a step in that direction
it is proposing the BookTest, a new dataset similar to the popular Children's
Book Test (CBT), however more than 60 times larger. We show that training on
the new data improves the accuracy of our Attention-Sum Reader model on the
original CBT test data by a much larger margin than many recent attempts to
improve the model architecture. On one version of the dataset our ensemble even
exceeds the human baseline provided by Facebook. We then show in our own human
study that there is still space for further improvement.
|
Stochastic Optimization with Variance Reduction for Infinite Datasets
with Finite-Sum Structure | Stochastic optimization algorithms with variance reduction have proven
successful for minimizing large finite sums of functions. Unfortunately, these
techniques are unable to deal with stochastic perturbations of input data,
induced for example by data augmentation. In such cases, the objective is no
longer a finite sum, and the main candidate for optimization is the stochastic
gradient descent method (SGD). In this paper, we introduce a variance reduction
approach for these settings when the objective is composite and strongly
convex. The convergence rate outperforms SGD with a typically much smaller
constant factor, which depends on the variance of gradient estimates only due
to perturbations on a single example.
|
Applications of Online Deep Learning for Crisis Response Using Social
Media Information | During natural or man-made disasters, humanitarian response organizations
look for useful information to support their decision-making processes. Social
media platforms such as Twitter have been considered as a vital source of
useful information for disaster response and management. Despite advances in
natural language processing techniques, processing short and informal Twitter
messages is a challenging task. In this paper, we propose to use Deep Neural
Network (DNN) to address two types of information needs of response
organizations: 1) identifying informative tweets and 2) classifying them into
topical classes. DNNs use distributed representation of words and learn the
representation as well as higher level features automatically for the
classification task. We propose a new online algorithm based on stochastic
gradient descent to train DNNs in an online fashion during disaster situations.
We test our models using a crisis-related real-world Twitter dataset.
|
Tutorial on Answering Questions about Images with Deep Learning | Together with the development of more accurate methods in Computer Vision and
Natural Language Understanding, holistic architectures that answer on questions
about the content of real-world images have emerged. In this tutorial, we build
a neural-based approach to answer questions about images. We base our tutorial
on two datasets: (mostly on) DAQUAR, and (a bit on) VQA. With small tweaks the
models that we present here can achieve a competitive performance on both
datasets, in fact, they are among the best methods that use a combination of
LSTM with a global, full frame CNN representation of an image. We hope that
after reading this tutorial, the reader will be able to use Deep Learning
frameworks, such as Keras and introduced Kraino, to build various architectures
that will lead to a further performance improvement on this challenging task.
|
FLOCK: Combating Astroturfing on Livestreaming Platforms | Livestreaming platforms have become increasingly popular in recent years as a
means of sharing and advertising creative content. Popular content streamers
who attract large viewership to their live broadcasts can earn a living by
means of ad revenue, donations and channel subscriptions. Unfortunately, this
incentivized popularity has simultaneously resulted in incentive for fraudsters
to provide services to astroturf, or artificially inflate viewership metrics by
providing fake "live" views to customers. Our work provides a number of major
contributions: (a) formulation: we are the first to introduce and characterize
the viewbot fraud problem in livestreaming platforms, (b) methodology: we
propose FLOCK, a principled and unsupervised method which efficiently and
effectively identifies botted broadcasts and their constituent botted views,
and (c) practicality: our approach achieves over 98% precision in identifying
botted broadcasts and over 90% precision/recall against sizable synthetically
generated viewbot attacks on a real-world livestreaming workload of over 16
million views and 92 thousand broadcasts. FLOCK successfully operates on larger
datasets in practice and is regularly used at a large, undisclosed
livestreaming corporation.
|
A SMART Stochastic Algorithm for Nonconvex Optimization with
Applications to Robust Machine Learning | In this paper, we show how to transform any optimization problem that arises
from fitting a machine learning model into one that (1) detects and removes
contaminated data from the training set while (2) simultaneously fitting the
trimmed model on the uncontaminated data that remains. To solve the resulting
nonconvex optimization problem, we introduce a fast stochastic
proximal-gradient algorithm that incorporates prior knowledge through nonsmooth
regularization. For datasets of size $n$, our approach requires
$O(n^{2/3}/\varepsilon)$ gradient evaluations to reach $\varepsilon$-accuracy
and, when a certain error bound holds, the complexity improves to $O(\kappa
n^{2/3}\log(1/\varepsilon))$. These rates are $n^{1/3}$ times better than those
achieved by typical, full gradient methods.
|
Reset-Free Guided Policy Search: Efficient Deep Reinforcement Learning
with Stochastic Initial States | Autonomous learning of robotic skills can allow general-purpose robots to
learn wide behavioral repertoires without requiring extensive manual
engineering. However, robotic skill learning methods typically make one of
several trade-offs to enable practical real-world learning, such as requiring
manually designed policy or value function representations, initialization from
human-provided demonstrations, instrumentation of the training environment, or
extremely long training times. In this paper, we propose a new reinforcement
learning algorithm for learning manipulation skills that can train
general-purpose neural network policies with minimal human engineering, while
still allowing for fast, efficient learning in stochastic environments. Our
approach builds on the guided policy search (GPS) algorithm, which transforms
the reinforcement learning problem into supervised learning from a
computational teacher (without human demonstrations). In contrast to prior GPS
methods, which require a consistent set of initial states to which the system
must be reset after each episode, our approach can handle randomized initial
states, allowing it to be used in environments where deterministic resets are
impossible. We compare our method to existing policy search techniques in
simulation, showing that it can train high-dimensional neural network policies
with the same sample efficiency as prior GPS methods, and present real-world
results on a PR2 robotic manipulator.
|
A Non-generative Framework and Convex Relaxations for Unsupervised
Learning | We give a novel formal theoretical framework for unsupervised learning with
two distinctive characteristics. First, it does not assume any generative model
and based on a worst-case performance metric. Second, it is comparative, namely
performance is measured with respect to a given hypothesis class. This allows
to avoid known computational hardness results and improper algorithms based on
convex relaxations. We show how several families of unsupervised learning
models, which were previously only analyzed under probabilistic assumptions and
are otherwise provably intractable, can be efficiently learned in our framework
by convex optimization.
|
Error bounds for approximations with deep ReLU networks | We study expressive power of shallow and deep neural networks with piece-wise
linear activation functions. We establish new rigorous upper and lower bounds
for the network complexity in the setting of approximations in Sobolev spaces.
In particular, we prove that deep ReLU networks more efficiently approximate
smooth functions than shallow networks. In the case of approximations of 1D
Lipschitz functions we describe adaptive depth-6 network architectures more
efficient than the standard shallow architecture.
|
A Tour of TensorFlow | Deep learning is a branch of artificial intelligence employing deep neural
network architectures that has significantly advanced the state-of-the-art in
computer vision, speech recognition, natural language processing and other
domains. In November 2015, Google released $\textit{TensorFlow}$, an open
source deep learning software library for defining, training and deploying
machine learning models. In this paper, we review TensorFlow and put it in
context of modern deep learning concepts and software. We discuss its basic
computational paradigms and distributed execution model, its programming
interface as well as accompanying visualization toolkits. We then compare
TensorFlow to alternative libraries such as Theano, Torch or Caffe on a
qualitative as well as quantitative basis and finally comment on observed
use-cases of TensorFlow in academia and industry.
|
A Survey of Multi-View Representation Learning | Recently, multi-view representation learning has become a rapidly growing
direction in machine learning and data mining areas. This paper introduces two
categories for multi-view representation learning: multi-view representation
alignment and multi-view representation fusion. Consequently, we first review
the representative methods and theories of multi-view representation learning
based on the perspective of alignment, such as correlation-based alignment.
Representative examples are canonical correlation analysis (CCA) and its
several extensions. Then from the perspective of representation fusion we
investigate the advancement of multi-view representation learning that ranges
from generative methods including multi-modal topic learning, multi-view sparse
coding, and multi-view latent space Markov networks, to neural network-based
methods including multi-modal autoencoders, multi-view convolutional neural
networks, and multi-modal recurrent neural networks. Further, we also
investigate several important applications of multi-view representation
learning. Overall, this survey aims to provide an insightful overview of
theoretical foundation and state-of-the-art developments in the field of
multi-view representation learning and to help researchers find the most
appropriate tools for particular applications.
|
Ensemble Validation: Selectivity has a Price, but Variety is Free | Suppose some classifiers are selected from a set of hypothesis classifiers to
form an equally-weighted ensemble that selects a member classifier at random
for each input example. Then the ensemble has an error bound consisting of the
average error bound for the member classifiers, a term for selectivity that
varies from zero (if all hypothesis classifiers are selected) to a standard
uniform error bound (if only a single classifier is selected), and small
constants. There is no penalty for using a richer hypothesis set if the same
fraction of the hypothesis classifiers are selected for the ensemble.
|
Find Your Own Way: Weakly-Supervised Segmentation of Path Proposals for
Urban Autonomy | We present a weakly-supervised approach to segmenting proposed drivable paths
in images with the goal of autonomous driving in complex urban environments.
Using recorded routes from a data collection vehicle, our proposed method
generates vast quantities of labelled images containing proposed paths and
obstacles without requiring manual annotation, which we then use to train a
deep semantic segmentation network. With the trained network we can segment
proposed paths and obstacles at run-time using a vehicle equipped with only a
monocular camera without relying on explicit modelling of road or lane
markings. We evaluate our method on the large-scale KITTI and Oxford RobotCar
datasets and demonstrate reliable path proposal and obstacle segmentation in a
wide variety of environments under a range of lighting, weather and traffic
conditions. We illustrate how the method can generalise to multiple path
proposals at intersections and outline plans to incorporate the system into a
framework for autonomous urban driving.
|
Adversary Resistant Deep Neural Networks with an Application to Malware
Detection | Beyond its highly publicized victories in Go, there have been numerous
successful applications of deep learning in information retrieval, computer
vision and speech recognition. In cybersecurity, an increasing number of
companies have become excited about the potential of deep learning, and have
started to use it for various security incidents, the most popular being
malware detection. These companies assert that deep learning (DL) could help
turn the tide in the battle against malware infections. However, deep neural
networks (DNNs) are vulnerable to adversarial samples, a flaw that plagues most
if not all statistical learning models. Recent research has demonstrated that
those with malicious intent can easily circumvent deep learning-powered malware
detection by exploiting this flaw.
In order to address this problem, previous work has developed various defense
mechanisms that either augmenting training data or enhance model's complexity.
However, after a thorough analysis of the fundamental flaw in DNNs, we discover
that the effectiveness of current defenses is limited and, more importantly,
cannot provide theoretical guarantees as to their robustness against
adversarial sampled-based attacks. As such, we propose a new adversary
resistant technique that obstructs attackers from constructing impactful
adversarial samples by randomly nullifying features within samples. In this
work, we evaluate our proposed technique against a real world dataset with
14,679 malware variants and 17,399 benign programs. We theoretically validate
the robustness of our technique, and empirically show that our technique
significantly boosts DNN robustness to adversarial samples while maintaining
high accuracy in classification. To demonstrate the general applicability of
our proposed method, we also conduct experiments using the MNIST and CIFAR-10
datasets, generally used in image recognition research.
|
EPOpt: Learning Robust Neural Network Policies Using Model Ensembles | Sample complexity and safety are major challenges when learning policies with
reinforcement learning for real-world tasks, especially when the policies are
represented using rich function approximators like deep neural networks.
Model-based methods where the real-world target domain is approximated using a
simulated source domain provide an avenue to tackle the above challenges by
augmenting real data with simulated data. However, discrepancies between the
simulated source domain and the target domain pose a challenge for simulated
training. We introduce the EPOpt algorithm, which uses an ensemble of simulated
source domains and a form of adversarial training to learn policies that are
robust and generalize to a broad range of possible target domains, including
unmodeled effects. Further, the probability distribution over source domains in
the ensemble can be adapted using data from target domain and approximate
Bayesian methods, to progressively make it a better approximation. Thus,
learning on a model ensemble, along with source domain adaptation, provides the
benefit of both robustness and learning/adaptation.
|
Domain Adaptation with Soft-margin multiple feature-kernel learning
beats Deep Learning for surveillance face recognition | Face recognition (FR) is the most preferred mode for biometric-based
surveillance, due to its passive nature of detecting subjects, amongst all
different types of biometric traits. FR under surveillance scenario does not
give satisfactory performance due to low contrast, noise and poor illumination
conditions on probes, as compared to the training samples. A state-of-the-art
technology, Deep Learning, even fails to perform well in these scenarios. We
propose a novel soft-margin based learning method for multiple feature-kernel
combinations, followed by feature transformed using Domain Adaptation, which
outperforms many recent state-of-the-art techniques, when tested using three
real-world surveillance face datasets.
|
Decentralized Topic Modelling with Latent Dirichlet Allocation | Privacy preserving networks can be modelled as decentralized networks (e.g.,
sensors, connected objects, smartphones), where communication between nodes of
the network is not controlled by an all-knowing, central node. For this type of
networks, the main issue is to gather/learn global information on the network
(e.g., by optimizing a global cost function) while keeping the (sensitive)
information at each node. In this work, we focus on text information that
agents do not want to share (e.g., text messages, emails, confidential
reports). We use recent advances on decentralized optimization and topic models
to infer topics from a graph with limited communication. We propose a method to
adapt latent Dirichlet allocation (LDA) model to decentralized optimization and
show on synthetic data that we still recover similar parameters and similar
performance at each node than with stochastic methods accessing to the whole
information in the graph.
|
$\ell_1$ Regularized Gradient Temporal-Difference Learning | In this paper, we study the Temporal Difference (TD) learning with linear
value function approximation. It is well known that most TD learning algorithms
are unstable with linear function approximation and off-policy learning. Recent
development of Gradient TD (GTD) algorithms has addressed this problem
successfully. However, the success of GTD algorithms requires a set of well
chosen features, which are not always available. When the number of features is
huge, the GTD algorithms might face the problem of overfitting and being
computationally expensive. To cope with this difficulty, regularization
techniques, in particular $\ell_1$ regularization, have attracted significant
attentions in developing TD learning algorithms. The present work combines the
GTD algorithms with $\ell_1$ regularization. We propose a family of $\ell_1$
regularized GTD algorithms, which employ the well known soft thresholding
operator. We investigate convergence properties of the proposed algorithms, and
depict their performance with several numerical experiments.
|
Conversational Recommendation System with Unsupervised Learning | We will demonstrate a conversational products recommendation agent. This
system shows how we combine research in personalized recommendation systems
with research in dialogue systems to build a virtual sales agent. Based on new
deep learning technologies we developed, the virtual agent is capable of
learning how to interact with users, how to answer user questions, what is the
next question to ask, and what to recommend when chatting with a human user.
Normally a descent conversational agent for a particular domain requires tens
of thousands of hand labeled conversational data or hand written rules. This is
a major barrier when launching a conversation agent for a new domain. We will
explore and demonstrate the effectiveness of the learning solution even when
there is no hand written rules or hand labeled training data.
|
Learning Protein Dynamics with Metastable Switching Systems | We introduce a machine learning approach for extracting fine-grained
representations of protein evolution from molecular dynamics datasets.
Metastable switching linear dynamical systems extend standard switching models
with a physically-inspired stability constraint. This constraint enables the
learning of nuanced representations of protein dynamics that closely match
physical reality. We derive an EM algorithm for learning, where the E-step
extends the forward-backward algorithm for HMMs and the M-step requires the
solution of large biconvex optimization problems. We construct an approximate
semidefinite program solver based on the Frank-Wolfe algorithm and use it to
solve the M-step. We apply our EM algorithm to learn accurate dynamics from
large simulation datasets for the opioid peptide met-enkephalin and the
proto-oncogene Src-kinase. Our learned models demonstrate significant
improvements in temporal coherence over HMMs and standard switching models for
met-enkephalin, and sample transition paths (possibly useful in rational drug
design) for Src-kinase.
|
Understanding intermediate layers using linear classifier probes | Neural network models have a reputation for being black boxes. We propose to
monitor the features at every layer of a model and measure how suitable they
are for classification. We use linear classifiers, which we refer to as
"probes", trained entirely independently of the model itself.
This helps us better understand the roles and dynamics of the intermediate
layers. We demonstrate how this can be used to develop a better intuition about
models and to diagnose potential problems.
We apply this technique to the popular models Inception v3 and Resnet-50.
Among other things, we observe experimentally that the linear separability of
features increase monotonically along the depth of the model.
|
Generalized Inverse Classification | Inverse classification is the process of perturbing an instance in a
meaningful way such that it is more likely to conform to a specific class.
Historical methods that address such a problem are often framed to leverage
only a single classifier, or specific set of classifiers. These works are often
accompanied by naive assumptions. In this work we propose generalized inverse
classification (GIC), which avoids restricting the classification model that
can be used. We incorporate this formulation into a refined framework in which
GIC takes place. Under this framework, GIC operates on features that are
immediately actionable. Each change incurs an individual cost, either linear or
non-linear. Such changes are subjected to occur within a specified level of
cumulative change (budget). Furthermore, our framework incorporates the
estimation of features that change as a consequence of direct actions taken
(indirectly changeable features). To solve such a problem, we propose three
real-valued heuristic-based methods and two sensitivity analysis-based
comparison methods, each of which is evaluated on two freely available
real-world datasets. Our results demonstrate the validity and benefits of our
formulation, framework, and methods.
|
Automatic Sleep Stage Scoring with Single-Channel EEG Using
Convolutional Neural Networks | We used convolutional neural networks (CNNs) for automatic sleep stage
scoring based on single-channel electroencephalography (EEG) to learn
task-specific filters for classification without using prior domain knowledge.
We used an openly available dataset from 20 healthy young adults for evaluation
and applied 20-fold cross-validation. We used class-balanced random sampling
within the stochastic gradient descent (SGD) optimization of the CNN to avoid
skewed performance in favor of the most represented sleep stages. We achieved
high mean F1-score (81%, range 79-83%), mean accuracy across individual sleep
stages (82%, range 80-84%) and overall accuracy (74%, range 71-76%) over all
subjects. By analyzing and visualizing the filters that our CNN learns, we
found that rules learned by the filters correspond to sleep scoring criteria in
the American Academy of Sleep Medicine (AASM) manual that human experts follow.
Our method's performance is balanced across classes and our results are
comparable to state-of-the-art methods with hand-engineered features. We show
that, without using prior domain knowledge, a CNN can automatically learn to
distinguish among different normal sleep stages.
|
Supervision via Competition: Robot Adversaries for Learning Tasks | There has been a recent paradigm shift in robotics to data-driven learning
for planning and control. Due to large number of experiences required for
training, most of these approaches use a self-supervised paradigm: using
sensors to measure success/failure. However, in most cases, these sensors
provide weak supervision at best. In this work, we propose an adversarial
learning framework that pits an adversary against the robot learning the task.
In an effort to defeat the adversary, the original robot learns to perform the
task with more robustness leading to overall improved performance. We show that
this adversarial framework forces the the robot to learn a better grasping
model in order to overcome the adversary. By grasping 82% of presented novel
objects compared to 68% without an adversary, we demonstrate the utility of
creating adversaries. We also demonstrate via experiments that having robots in
adversarial setting might be a better learning strategy as compared to having
collaborative multiple robots.
|
Sampled Fictitious Play is Hannan Consistent | Fictitious play is a simple and widely studied adaptive heuristic for playing
repeated games. It is well known that fictitious play fails to be Hannan
consistent. Several variants of fictitious play including regret matching,
generalized regret matching and smooth fictitious play, are known to be Hannan
consistent. In this note, we consider sampled fictitious play: at each round,
the player samples past times and plays the best response to previous moves of
other players at the sampled time points. We show that sampled fictitious play,
using Bernoulli sampling, is Hannan consistent. Unlike several existing Hannan
consistency proofs that rely on concentration of measure results, ours instead
uses anti-concentration results from Littlewood-Offord theory.
|
Low-tubal-rank Tensor Completion using Alternating Minimization | The low-tubal-rank tensor model has been recently proposed for real-world
multidimensional data. In this paper, we study the low-tubal-rank tensor
completion problem, i.e., to recover a third-order tensor by observing a subset
of its elements selected uniformly at random. We propose a fast iterative
algorithm, called {\em Tubal-Alt-Min}, that is inspired by a similar approach
for low-rank matrix completion. The unknown low-tubal-rank tensor is
represented as the product of two much smaller tensors with the low-tubal-rank
property being automatically incorporated, and Tubal-Alt-Min alternates between
estimating those two tensors using tensor least squares minimization. First, we
note that tensor least squares minimization is different from its matrix
counterpart and nontrivial as the circular convolution operator of the
low-tubal-rank tensor model is intertwined with the sub-sampling operator.
Second, the theoretical performance guarantee is challenging since
Tubal-Alt-Min is iterative and nonconvex in nature. We prove that 1)
Tubal-Alt-Min guarantees exponential convergence to the global optima, and 2)
for an $n \times n \times k$ tensor with tubal-rank $r \ll n$, the required
sampling complexity is $O(nr^2k \log^3 n)$ and the computational complexity is
$O(n^2rk^2 \log^2 n)$. Third, on both synthetic data and real-world video data,
evaluation results show that compared with tensor-nuclear norm minimization
(TNN-ADMM), Tubal-Alt-Min improves the recovery error dramatically (by orders
of magnitude). It is estimated that Tubal-Alt-Min converges at an exponential
rate $10^{-0.4423 \text{Iter}}$ where $\text{Iter}$ denotes the number of
iterations, which is much faster than TNN-ADMM's $10^{-0.0332 \text{Iter}}$,
and the running time can be accelerated by more than $5$ times for a $200
\times 200 \times 20$ tensor.
|
A Methodology for Customizing Clinical Tests for Esophageal Cancer based
on Patient Preferences | Tests for Esophageal cancer can be expensive, uncomfortable and can have side
effects. For many patients, we can predict non-existence of disease with 100%
certainty, just using demographics, lifestyle, and medical history information.
Our objective is to devise a general methodology for customizing tests using
user preferences so that expensive or uncomfortable tests can be avoided. We
propose to use classifiers trained from electronic health records (EHR) for
selection of tests. The key idea is to design classifiers with 100% false
normal rates, possibly at the cost higher false abnormals. We compare Naive
Bayes classification (NB), Random Forests (RF), Support Vector Machines (SVM)
and Logistic Regression (LR), and find kernel Logistic regression to be most
suitable for the task. We propose an algorithm for finding the best probability
threshold for kernel LR, based on test set accuracy. Using the proposed
algorithm, we describe schemes for selecting tests, which appear as features in
the automatic classification algorithm, using preferences on costs and
discomfort of the users. We test our methodology with EHRs collected for more
than 3000 patients, as a part of project carried out by a reputed hospital in
Mumbai, India. Kernel SVM and kernel LR with a polynomial kernel of degree 3,
yields an accuracy of 99.8% and sensitivity 100%, without the MP features, i.e.
using only clinical tests. We demonstrate our test selection algorithm using
two case studies, one using cost of clinical tests, and other using
"discomfort" values for clinical tests. We compute the test sets corresponding
to the lowest false abnormals for each criterion described above, using
exhaustive enumeration of 15 clinical tests. The sets turn out to different,
substantiating our claim that one can customize test sets based on user
preferences.
|
Combining Generative and Discriminative Neural Networks for Sleep Stages
Classification | Sleep stages pattern provides important clues in diagnosing the presence of
sleep disorder. By analyzing sleep stages pattern and extracting its features
from EEG, EOG, and EMG signals, we can classify sleep stages. This study
presents a novel classification model for predicting sleep stages with a high
accuracy. The main idea is to combine the generative capability of Deep Belief
Network (DBN) with a discriminative ability and sequence pattern recognizing
capability of Long Short-term Memory (LSTM). We use DBN that is treated as an
automatic higher level features generator. The input to DBN is 28 "handcrafted"
features as used in previous sleep stages studies. We compared our method with
other techniques which combined DBN with Hidden Markov Model (HMM).In this
study, we exploit the sequence or time series characteristics of sleep dataset.
To the best of our knowledge, most of the present sleep analysis from
polysomnogram relies only on single instanced label (nonsequence) for
classification. In this study, we used two datasets: an open data set that is
treated as a benchmark; the other dataset is our sleep stages dataset
(available for download) to verify the results further. Our experiments showed
that the combination of DBN with LSTM gives better overall accuracy 98.75\%
(Fscore=0.9875) for benchmark dataset and 98.94\% (Fscore=0.9894) for MKG
dataset. This result is better than the state of the art of sleep stages
classification that was 91.31\%.
|
Ischemic Stroke Identification Based on EEG and EOG using 1D
Convolutional Neural Network and Batch Normalization | In 2015, stroke was the number one cause of death in Indonesia. The majority
type of stroke is ischemic. The standard tool for diagnosing stroke is CT-Scan.
For developing countries like Indonesia, the availability of CT-Scan is very
limited and still relatively expensive. Because of the availability, another
device that potential to diagnose stroke in Indonesia is EEG. Ischemic stroke
occurs because of obstruction that can make the cerebral blood flow (CBF) on a
person with stroke has become lower than CBF on a normal person (control) so
that the EEG signal have a deceleration. On this study, we perform the ability
of 1D Convolutional Neural Network (1DCNN) to construct classification model
that can distinguish the EEG and EOG stroke data from EEG and EOG control data.
To accelerate training process our model we use Batch Normalization. Involving
62 person data object and from leave one out the scenario with five times
repetition of measurement we obtain the average of accuracy 0.86 (F-Score
0.861) only at 200 epoch. This result is better than all over shallow and
popular classifiers as the comparator (the best result of accuracy 0.69 and
F-Score 0.72 ). The feature used in our study were only 24 handcrafted feature
with simple feature extraction process.
|
A New Data Representation Based on Training Data Characteristics to
Extract Drug Named-Entity in Medical Text | One essential task in information extraction from the medical corpus is drug
name recognition. Compared with text sources come from other domains, the
medical text is special and has unique characteristics. In addition, the
medical text mining poses more challenges, e.g., more unstructured text, the
fast growing of new terms addition, a wide range of name variation for the same
drug. The mining is even more challenging due to the lack of labeled dataset
sources and external knowledge, as well as multiple token representations for a
single drug name that is more common in the real application setting. Although
many approaches have been proposed to overwhelm the task, some problems
remained with poor F-score performance (less than 0.75). This paper presents a
new treatment in data representation techniques to overcome some of those
challenges. We propose three data representation techniques based on the
characteristics of word distribution and word similarities as a result of word
embedding training. The first technique is evaluated with the standard NN
model, i.e., MLP (Multi-Layer Perceptrons). The second technique involves two
deep network classifiers, i.e., DBN (Deep Belief Networks), and SAE (Stacked
Denoising Encoders). The third technique represents the sentence as a sequence
that is evaluated with a recurrent NN model, i.e., LSTM (Long Short Term
Memory). In extracting the drug name entities, the third technique gives the
best F-score performance compared to the state of the art, with its average
F-score being 0.8645.
|
Adaptive Online Sequential ELM for Concept Drift Tackling | A machine learning method needs to adapt to over time changes in the
environment. Such changes are known as concept drift. In this paper, we propose
concept drift tackling method as an enhancement of Online Sequential Extreme
Learning Machine (OS-ELM) and Constructive Enhancement OS-ELM (CEOS-ELM) by
adding adaptive capability for classification and regression problem. The
scheme is named as adaptive OS-ELM (AOS-ELM). It is a single classifier scheme
that works well to handle real drift, virtual drift, and hybrid drift. The
AOS-ELM also works well for sudden drift and recurrent context change type. The
scheme is a simple unified method implemented in simple lines of code. We
evaluated AOS-ELM on regression and classification problem by using concept
drift public data set (SEA and STAGGER) and other public data sets such as
MNIST, USPS, and IDS. Experiments show that our method gives higher kappa value
compared to the multiclassifier ELM ensemble. Even though AOS-ELM in practice
does not need hidden nodes increase, we address some issues related to the
increasing of the hidden nodes such as error condition and rank values. We
propose taking the rank of the pseudoinverse matrix as an indicator parameter
to detect underfitting condition.
|
Using Non-invertible Data Transformations to Build Adversarial-Robust
Neural Networks | Deep neural networks have proven to be quite effective in a wide variety of
machine learning tasks, ranging from improved speech recognition systems to
advancing the development of autonomous vehicles. However, despite their
superior performance in many applications, these models have been recently
shown to be susceptible to a particular type of attack possible through the
generation of particular synthetic examples referred to as adversarial samples.
These samples are constructed by manipulating real examples from the training
data distribution in order to "fool" the original neural model, resulting in
misclassification (with high confidence) of previously correctly classified
samples. Addressing this weakness is of utmost importance if deep neural
architectures are to be applied to critical applications, such as those in the
domain of cybersecurity. In this paper, we present an analysis of this
fundamental flaw lurking in all neural architectures to uncover limitations of
previously proposed defense mechanisms. More importantly, we present a unifying
framework for protecting deep neural models using a non-invertible data
transformation--developing two adversary-resilient architectures utilizing both
linear and nonlinear dimensionality reduction. Empirical results indicate that
our framework provides better robustness compared to state-of-art solutions
while having negligible degradation in accuracy.
|
Sequence-based Sleep Stage Classification using Conditional Neural
Fields | Sleep signals from a polysomnographic database are sequences in nature.
Commonly employed analysis and classification methods, however, ignored this
fact and treated the sleep signals as non-sequence data. Treating the sleep
signals as sequences, this paper compared two powerful unsupervised feature
extractors and three sequence-based classifiers regarding accuracy and
computational (training and testing) time after 10-folds cross-validation. The
compared feature extractors are Deep Belief Networks (DBN) and Fuzzy C-Means
(FCM) clustering. Whereas the compared sequence-based classifiers are Hidden
Markov Models (HMM), Conditional Random Fields (CRF) and its variants, i.e.,
Hidden-state CRF (HCRF) and Latent-Dynamic CRF (LDCRF); and Conditional Neural
Fields (CNF) and its variant (LDCNF). In this study, we use two datasets. The
first dataset is an open (public) polysomnographic dataset downloadable from
the Internet, while the second dataset is our polysomnographic dataset (also
available for download). For the first dataset, the combination of FCM and CNF
gives the highest accuracy (96.75\%) with relatively short training time (0.33
hours). For the second dataset, the combination of DBN and CRF gives the
accuracy of 99.96\% but with 1.02 hours training time, whereas the combination
of DBN and CNF gives slightly less accuracy (99.69\%) but also less computation
time (0.89 hours).
|
Connecting Generative Adversarial Networks and Actor-Critic Methods | Both generative adversarial networks (GAN) in unsupervised learning and
actor-critic methods in reinforcement learning (RL) have gained a reputation
for being difficult to optimize. Practitioners in both fields have amassed a
large number of strategies to mitigate these instabilities and improve
training. Here we show that GANs can be viewed as actor-critic methods in an
environment where the actor cannot affect the reward. We review the strategies
for stabilizing training for each class of models, both those that generalize
between the two and those that are particular to that model. We also review a
number of extensions to GANs and RL algorithms with even more complicated
information flow. We hope that by highlighting this formal connection we will
encourage both GAN and RL communities to develop general, scalable, and stable
algorithms for multilevel optimization with deep networks, and to draw
inspiration across communities.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.