title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
One-Shot Imitation Learning | Imitation learning has been commonly applied to solve different tasks in
isolation. This usually requires either careful feature engineering, or a
significant number of samples. This is far from what we desire: ideally, robots
should be able to learn from very few demonstrations of any given task, and
instantly generalize to new situations of the same task, without requiring
task-specific engineering. In this paper, we propose a meta-learning framework
for achieving such capability, which we call one-shot imitation learning.
Specifically, we consider the setting where there is a very large set of
tasks, and each task has many instantiations. For example, a task could be to
stack all blocks on a table into a single tower, another task could be to place
all blocks on a table into two-block towers, etc. In each case, different
instances of the task would consist of different sets of blocks with different
initial states. At training time, our algorithm is presented with pairs of
demonstrations for a subset of all tasks. A neural net is trained that takes as
input one demonstration and the current state (which initially is the initial
state of the other demonstration of the pair), and outputs an action with the
goal that the resulting sequence of states and actions matches as closely as
possible with the second demonstration. At test time, a demonstration of a
single instance of a new task is presented, and the neural net is expected to
perform well on new instances of this new task. The use of soft attention
allows the model to generalize to conditions and tasks unseen in the training
data. We anticipate that by training this model on a much greater variety of
tasks and settings, we will obtain a general system that can turn any
demonstrations into robust policies that can accomplish an overwhelming variety
of tasks.
Videos available at https://bit.ly/nips2017-oneshot .
|
How far are we from solving the 2D & 3D Face Alignment problem? (and a
dataset of 230,000 3D facial landmarks) | This paper investigates how far a very deep neural network is from attaining
close to saturating performance on existing 2D and 3D face alignment datasets.
To this end, we make the following 5 contributions: (a) we construct, for the
first time, a very strong baseline by combining a state-of-the-art architecture
for landmark localization with a state-of-the-art residual block, train it on a
very large yet synthetically expanded 2D facial landmark dataset and finally
evaluate it on all other 2D facial landmark datasets. (b) We create a guided by
2D landmarks network which converts 2D landmark annotations to 3D and unifies
all existing datasets, leading to the creation of LS3D-W, the largest and most
challenging 3D facial landmark dataset to date ~230,000 images. (c) Following
that, we train a neural network for 3D face alignment and evaluate it on the
newly introduced LS3D-W. (d) We further look into the effect of all
"traditional" factors affecting face alignment performance like large pose,
initialization and resolution, and introduce a "new" one, namely the size of
the network. (e) We show that both 2D and 3D face alignment networks achieve
performance of remarkable accuracy which is probably close to saturating the
datasets used. Training and testing code as well as the dataset can be
downloaded from https://www.adrianbulat.com/face-alignment/
|
On The Projection Operator to A Three-view Cardinality Constrained Set | The cardinality constraint is an intrinsic way to restrict the solution
structure in many domains, for example, sparse learning, feature selection, and
compressed sensing. To solve a cardinality constrained problem, the key
challenge is to solve the projection onto the cardinality constraint set, which
is NP-hard in general when there exist multiple overlapped cardinality
constraints. In this paper, we consider the scenario where the overlapped
cardinality constraints satisfy a Three-view Cardinality Structure (TVCS),
which reflects the natural restriction in many applications, such as
identification of gene regulatory networks and task-worker assignment problem.
We cast the projection into a linear programming, and show that for TVCS, the
vertex solution of this linear programming is the solution for the original
projection problem. We further prove that such solution can be found with the
complexity proportional to the number of variables and constraints. We finally
use synthetic experiments and two interesting applications in bioinformatics
and crowdsourcing to validate the proposed TVCS model and method.
|
CNN-MERP: An FPGA-Based Memory-Efficient Reconfigurable Processor for
Forward and Backward Propagation of Convolutional Neural Networks | Large-scale deep convolutional neural networks (CNNs) are widely used in
machine learning applications. While CNNs involve huge complexity, VLSI (ASIC
and FPGA) chips that deliver high-density integration of computational
resources are regarded as a promising platform for CNN's implementation. At
massive parallelism of computational units, however, the external memory
bandwidth, which is constrained by the pin count of the VLSI chip, becomes the
system bottleneck. Moreover, VLSI solutions are usually regarded as a lack of
the flexibility to be reconfigured for the various parameters of CNNs. This
paper presents CNN-MERP to address these issues. CNN-MERP incorporates an
efficient memory hierarchy that significantly reduces the bandwidth
requirements from multiple optimizations including on/off-chip data allocation,
data flow optimization and data reuse. The proposed 2-level reconfigurability
is utilized to enable fast and efficient reconfiguration, which is based on the
control logic and the multiboot feature of FPGA. As a result, an external
memory bandwidth requirement of 1.94MB/GFlop is achieved, which is 55% lower
than prior arts. Under limited DRAM bandwidth, a system throughput of
1244GFlop/s is achieved at the Vertex UltraScale platform, which is 5.48 times
higher than the state-of-the-art FPGA implementations.
|
REBAR: Low-variance, unbiased gradient estimates for discrete latent
variable models | Learning in models with discrete latent variables is challenging due to high
variance gradient estimators. Generally, approaches have relied on control
variates to reduce the variance of the REINFORCE estimator. Recent work (Jang
et al. 2016, Maddison et al. 2016) has taken a different approach, introducing
a continuous relaxation of discrete variables to produce low-variance, but
biased, gradient estimates. In this work, we combine the two approaches through
a novel control variate that produces low-variance, \emph{unbiased} gradient
estimates. Then, we introduce a modification to the continuous relaxation and
show that the tightness of the relaxation can be adapted online, removing it as
a hyperparameter. We show state-of-the-art variance reduction on several
benchmark generative modeling tasks, generally leading to faster convergence to
a better final log-likelihood.
|
Deep Learning for Explicitly Modeling Optimization Landscapes | In all but the most trivial optimization problems, the structure of the
solutions exhibit complex interdependencies between the input parameters.
Decades of research with stochastic search techniques has shown the benefit of
explicitly modeling the interactions between sets of parameters and the overall
quality of the solutions discovered. We demonstrate a novel method, based on
learning deep networks, to model the global landscapes of optimization
problems. To represent the search space concisely and accurately, the deep
networks must encode information about the underlying parameter interactions
and their contributions to the quality of the solution. Once the networks are
trained, the networks are probed to reveal parameter combinations with high
expected performance with respect to the optimization task. These estimates are
used to initialize fast, randomized, local search algorithms, which in turn
expose more information about the search space that is subsequently used to
refine the models. We demonstrate the technique on multiple optimization
problems that have arisen in a variety of real-world domains, including:
packing, graphics, job scheduling, layout and compression. The problems include
combinatoric search spaces, discontinuous and highly non-linear spaces, and
span binary, higher-cardinality discrete, as well as continuous parameters.
Strengths, limitations, and extensions of the approach are extensively
discussed and demonstrated.
|
Efficient PAC Learning from the Crowd | In recent years crowdsourcing has become the method of choice for gathering
labeled training data for learning algorithms. Standard approaches to
crowdsourcing view the process of acquiring labeled data separately from the
process of learning a classifier from the gathered data. This can give rise to
computational and statistical challenges. For example, in most cases there are
no known computationally efficient learning algorithms that are robust to the
high level of noise that exists in crowdsourced data, and efforts to eliminate
noise through voting often require a large number of queries per example.
In this paper, we show how by interleaving the process of labeling and
learning, we can attain computational efficiency with much less overhead in the
labeling cost. In particular, we consider the realizable setting where there
exists a true target function in $\mathcal{F}$ and consider a pool of labelers.
When a noticeable fraction of the labelers are perfect, and the rest behave
arbitrarily, we show that any $\mathcal{F}$ that can be efficiently learned in
the traditional realizable PAC model can be learned in a computationally
efficient manner by querying the crowd, despite high amounts of noise in the
responses. Moreover, we show that this can be done while each labeler only
labels a constant number of examples and the number of labels requested per
example, on average, is a constant. When no perfect labelers exist, a related
task is to find a set of the labelers which are good but not perfect. We show
that we can identify all good labelers, when at least the majority of labelers
are good.
|
Episode-Based Active Learning with Bayesian Neural Networks | We investigate different strategies for active learning with Bayesian deep
neural networks. We focus our analysis on scenarios where new, unlabeled data
is obtained episodically, such as commonly encountered in mobile robotics
applications. An evaluation of different strategies for acquisition, updating,
and final training on the CIFAR-10 dataset shows that incremental network
updates with final training on the accumulated acquisition set are essential
for best performance, while limiting the amount of required human labeling
labor.
|
LogitBoost autoregressive networks | Multivariate binary distributions can be decomposed into products of
univariate conditional distributions. Recently popular approaches have modeled
these conditionals through neural networks with sophisticated weight-sharing
structures. It is shown that state-of-the-art performance on several standard
benchmark datasets can actually be achieved by training separate probability
estimators for each dimension. In that case, model training can be trivially
parallelized over data dimensions. On the other hand, complexity control has to
be performed for each learned conditional distribution. Three possible methods
are considered and experimentally compared. The estimator that is employed for
each conditional is LogitBoost. Similarities and differences between the
proposed approach and autoregressive models based on neural networks are
discussed in detail.
|
Gate Activation Signal Analysis for Gated Recurrent Neural Networks and
Its Correlation with Phoneme Boundaries | In this paper we analyze the gate activation signals inside the gated
recurrent neural networks, and find the temporal structure of such signals is
highly correlated with the phoneme boundaries. This correlation is further
verified by a set of experiments for phoneme segmentation, in which better
results compared to standard approaches were obtained.
|
Deep Exploration via Randomized Value Functions | We study the use of randomized value functions to guide deep exploration in
reinforcement learning. This offers an elegant means for synthesizing
statistically and computationally efficient exploration with common practical
approaches to value function learning. We present several reinforcement
learning algorithms that leverage randomized value functions and demonstrate
their efficacy through computational studies. We also prove a regret bound that
establishes statistical efficiency with a tabular representation.
|
Clustering for Different Scales of Measurement - the Gap-Ratio Weighted
K-means Algorithm | This paper describes a method for clustering data that are spread out over
large regions and which dimensions are on different scales of measurement. Such
an algorithm was developed to implement a robotics application consisting in
sorting and storing objects in an unsupervised way. The toy dataset used to
validate such application consists of Lego bricks of different shapes and
colors. The uncontrolled lighting conditions together with the use of RGB color
features, respectively involve data with a large spread and different levels of
measurement between data dimensions. To overcome the combination of these two
characteristics in the data, we have developed a new weighted K-means
algorithm, called gap-ratio K-means, which consists in weighting each dimension
of the feature space before running the K-means algorithm. The weight
associated with a feature is proportional to the ratio of the biggest gap
between two consecutive data points, and the average of all the other gaps.
This method is compared with two other variants of K-means on the Lego bricks
clustering problem as well as two other common classification datasets.
|
Machine Learning Based Source Code Classification Using Syntax Oriented
Features | As of today the programming language of the vast majority of the published
source code is manually specified or programmatically assigned based on the
sole file extension. In this paper we show that the source code programming
language identification task can be fully automated using machine learning
techniques. We first define the criteria that a production-level automatic
programming language identification solution should meet. Our criteria include
accuracy, programming language coverage, extensibility and performance. We then
describe our approach: How training files are preprocessed for extracting
features that mimic grammar productions, and then how these extracted grammar
productions are used for the training and testing of our classifier. We achieve
a 99 percent accuracy rate while classifying 29 of the most popular programming
languages with a Maximum Entropy classifier.
|
Predicting Deeper into the Future of Semantic Segmentation | The ability to predict and therefore to anticipate the future is an important
attribute of intelligence. It is also of utmost importance in real-time
systems, e.g. in robotics or autonomous driving, which depend on visual scene
understanding for decision making. While prediction of the raw RGB pixel values
in future video frames has been studied in previous work, here we introduce the
novel task of predicting semantic segmentations of future frames. Given a
sequence of video frames, our goal is to predict segmentation maps of not yet
observed video frames that lie up to a second or further in the future. We
develop an autoregressive convolutional neural network that learns to
iteratively generate multiple frames. Our results on the Cityscapes dataset
show that directly predicting future segmentations is substantially better than
predicting and then segmenting future RGB frames. Prediction results up to half
a second in the future are visually convincing and are much more accurate than
those of a baseline based on warping semantic segmentations using optical flow.
|
Characterization of Deterministic and Probabilistic Sampling Patterns
for Finite Completability of Low Tensor-Train Rank Tensor | In this paper, we analyze the fundamental conditions for low-rank tensor
completion given the separation or tensor-train (TT) rank, i.e., ranks of
unfoldings. We exploit the algebraic structure of the TT decomposition to
obtain the deterministic necessary and sufficient conditions on the locations
of the samples to ensure finite completability. Specifically, we propose an
algebraic geometric analysis on the TT manifold that can incorporate the whole
rank vector simultaneously in contrast to the existing approach based on the
Grassmannian manifold that can only incorporate one rank component. Our
proposed technique characterizes the algebraic independence of a set of
polynomials defined based on the sampling pattern and the TT decomposition,
which is instrumental to obtaining the deterministic condition on the sampling
pattern for finite completability. In addition, based on the proposed analysis,
assuming that the entries of the tensor are sampled independently with
probability $p$, we derive a lower bound on the sampling probability $p$, or
equivalently, the number of sampled entries that ensures finite completability
with high probability. Moreover, we also provide the deterministic and
probabilistic conditions for unique completability.
|
Unifying PAC and Regret: Uniform PAC Bounds for Episodic Reinforcement
Learning | Statistical performance bounds for reinforcement learning (RL) algorithms can
be critical for high-stakes applications like healthcare. This paper introduces
a new framework for theoretically measuring the performance of such algorithms
called Uniform-PAC, which is a strengthening of the classical Probably
Approximately Correct (PAC) framework. In contrast to the PAC framework, the
uniform version may be used to derive high probability regret guarantees and so
forms a bridge between the two setups that has been missing in the literature.
We demonstrate the benefits of the new framework for finite-state episodic MDPs
with a new algorithm that is Uniform-PAC and simultaneously achieves optimal
regret and PAC guarantees except for a factor of the horizon.
|
Independently Controllable Features | Finding features that disentangle the different causes of variation in real
data is a difficult task, that has nonetheless received considerable attention
in static domains like natural images. Interactive environments, in which an
agent can deliberately take actions, offer an opportunity to tackle this task
better, because the agent can experiment with different actions and observe
their effects. We introduce the idea that in interactive environments, latent
factors that control the variation in observed data can be identified by
figuring out what the agent can control. We propose a naive method to find
factors that explain or measure the effect of the actions of a learner, and
test it in illustrative experiments.
|
Sample and Computationally Efficient Learning Algorithms under S-Concave
Distributions | We provide new results for noise-tolerant and sample-efficient learning
algorithms under $s$-concave distributions. The new class of $s$-concave
distributions is a broad and natural generalization of log-concavity, and
includes many important additional distributions, e.g., the Pareto distribution
and $t$-distribution. This class has been studied in the context of efficient
sampling, integration, and optimization, but much remains unknown about the
geometry of this class of distributions and their applications in the context
of learning. The challenge is that unlike the commonly used distributions in
learning (uniform or more generally log-concave distributions), this broader
class is not closed under the marginalization operator and many such
distributions are fat-tailed. In this work, we introduce new convex geometry
tools to study the properties of $s$-concave distributions and use these
properties to provide bounds on quantities of interest to learning including
the probability of disagreement between two halfspaces, disagreement outside a
band, and the disagreement coefficient. We use these results to significantly
generalize prior results for margin-based active learning, disagreement-based
active learning, and passive learning of intersections of halfspaces. Our
analysis of geometric properties of $s$-concave distributions might be of
independent interest to optimization more broadly.
|
Multitask learning and benchmarking with clinical time series data | Health care is one of the most exciting frontiers in data mining and machine
learning. Successful adoption of electronic health records (EHRs) created an
explosion in digital clinical data available for analysis, but progress in
machine learning for healthcare research has been difficult to measure because
of the absence of publicly available benchmark data sets. To address this
problem, we propose four clinical prediction benchmarks using data derived from
the publicly available Medical Information Mart for Intensive Care (MIMIC-III)
database. These tasks cover a range of clinical problems including modeling
risk of mortality, forecasting length of stay, detecting physiologic decline,
and phenotype classification. We propose strong linear and neural baselines for
all four tasks and evaluate the effect of deep supervision, multitask training
and data-specific architectural modifications on the performance of neural
models.
|
Learning to Partition using Score Based Compatibilities | We study the problem of learning to partition users into groups, where one
must learn the compatibilities between the users to achieve optimal groupings.
We define four natural objectives that optimize for average and worst case
compatibilities and propose new algorithms for adaptively learning optimal
groupings. When we do not impose any structure on the compatibilities, we show
that the group formation objectives considered are $NP$ hard to solve and we
either give approximation guarantees or prove inapproximability results. We
then introduce an elegant structure, namely that of \textit{intrinsic scores},
that makes many of these problems polynomial time solvable. We explicitly
characterize the optimal groupings under this structure and show that the
optimal solutions are related to \emph{homophilous} and \emph{heterophilous}
partitions, well-studied in the psychology literature. For one of the four
objectives, we show $NP$ hardness under the score structure and give a
$\frac{1}{2}$ approximation algorithm for which no constant approximation was
known thus far. Finally, under the score structure, we propose an online low
sample complexity PAC algorithm for learning the optimal partition. We
demonstrate the efficacy of the proposed algorithm on synthetic and real world
datasets.
|
Information-theoretic Model Identification and Policy Search using
Physics Engines with Application to Robotic Manipulation | We consider the problem of a robot learning the mechanical properties of
objects through physical interaction with the object, and introduce a
practical, data-efficient approach for identifying the motion models of these
objects. The proposed method utilizes a physics engine, where the robot seeks
to identify the inertial and friction parameters of the object by simulating
its motion under different values of the parameters and identifying those that
result in a simulation which matches the observed real motions. The problem is
solved in a Bayesian optimization framework. The same framework is used for
both identifying the model of an object online and searching for a policy that
would minimize a given cost function according to the identified model.
Experimental results both in simulation and using a real robot indicate that
the proposed method outperforms state-of-the-art model-free reinforcement
learning approaches.
|
Fake News Mitigation via Point Process Based Intervention | We propose the first multistage intervention framework that tackles fake news
in social networks by combining reinforcement learning with a point process
network activity model. The spread of fake news and mitigation events within
the network is modeled by a multivariate Hawkes process with additional
exogenous control terms. By choosing a feature representation of states,
defining mitigation actions and constructing reward functions to measure the
effectiveness of mitigation activities, we map the problem of fake news
mitigation into the reinforcement learning framework. We develop a policy
iteration method unique to the multivariate networked point process, with the
goal of optimizing the actions for maximal total reward under budget
constraints. Our method shows promising performance in real-time intervention
experiments on a Twitter network to mitigate a surrogate fake news campaign,
and outperforms alternatives on synthetic datasets.
|
Randomized Kernel Methods for Least-Squares Support Vector Machines | The least-squares support vector machine is a frequently used kernel method
for non-linear regression and classification tasks. Here we discuss several
approximation algorithms for the least-squares support vector machine
classifier. The proposed methods are based on randomized block kernel matrices,
and we show that they provide good accuracy and reliable scaling for
multi-class classification problems with relatively large data sets. Also, we
present several numerical experiments that illustrate the practical
applicability of the proposed methods.
|
Classification-based RNN machine translation using GRUs | We report the results of our classification-based machine translation model,
built upon the framework of a recurrent neural network using gated recurrent
units. Unlike other RNN models that attempt to maximize the overall conditional
log probability of sentences against sentences, our model focuses a
classification approach of estimating the conditional probability of the next
word given the input sequence. This simpler approach using GRUs was hoped to be
comparable with more complicated RNN models, but achievements in this
implementation were modest and there remains a lot of room for improving this
classification approach.
|
SIMLR: A Tool for Large-Scale Genomic Analyses by Multi-Kernel Learning | We here present SIMLR (Single-cell Interpretation via Multi-kernel LeaRning),
an open-source tool that implements a novel framework to learn a
sample-to-sample similarity measure from expression data observed for
heterogenous samples. SIMLR can be effectively used to perform tasks such as
dimension reduction, clustering, and visualization of heterogeneous populations
of samples. SIMLR was benchmarked against state-of-the-art methods for these
three tasks on several public datasets, showing it to be scalable and capable
of greatly improving clustering performance, as well as providing valuable
insights by making the data more interpretable via better a visualization.
Availability and Implementation
SIMLR is available on GitHub in both R and MATLAB implementations.
Furthermore, it is also available as an R package on http://bioconductor.org.
|
Faster Reinforcement Learning Using Active Simulators | In this work, we propose several online methods to build a \emph{learning
curriculum} from a given set of target-task-specific training tasks in order to
speed up reinforcement learning (RL). These methods can decrease the total
training time needed by an RL agent compared to training on the target task
from scratch. Unlike traditional transfer learning, we consider creating a
sequence from several training tasks in order to provide the most benefit in
terms of reducing the total time to train.
Our methods utilize the learning trajectory of the agent on the curriculum
tasks seen so far to decide which tasks to train on next. An attractive feature
of our methods is that they are weakly coupled to the choice of the RL
algorithm as well as the transfer learning method. Further, when there is
domain information available, our methods can incorporate such knowledge to
further speed up the learning. We experimentally show that these methods can be
used to obtain suitable learning curricula that speed up the overall training
time on two different domains.
|
Random Features for Compositional Kernels | We describe and analyze a simple random feature scheme (RFS) from prescribed
compositional kernels. The compositional kernels we use are inspired by the
structure of convolutional neural networks and kernels. The resulting scheme
yields sparse and efficiently computable features. Each random feature can be
represented as an algebraic expression over a small number of (random) paths in
a composition tree. Thus, compositional random features can be stored
compactly. The discrete nature of the generation process enables de-duplication
of repeated features, further compacting the representation and increasing the
diversity of the embeddings. Our approach complements and can be combined with
previous random feature schemes.
|
Data Driven Exploratory Attacks on Black Box Classifiers in Adversarial
Domains | While modern day web applications aim to create impact at the civilization
level, they have become vulnerable to adversarial activity, where the next
cyber-attack can take any shape and can originate from anywhere. The increasing
scale and sophistication of attacks, has prompted the need for a data driven
solution, with machine learning forming the core of many cybersecurity systems.
Machine learning was not designed with security in mind, and the essential
assumption of stationarity, requiring that the training and testing data follow
similar distributions, is violated in an adversarial domain. In this paper, an
adversary's view point of a classification based system, is presented. Based on
a formal adversarial model, the Seed-Explore-Exploit framework is presented,
for simulating the generation of data driven and reverse engineering attacks on
classifiers. Experimental evaluation, on 10 real world datasets and using the
Google Cloud Prediction Platform, demonstrates the innate vulnerability of
classifiers and the ease with which evasion can be carried out, without any
explicit information about the classifier type, the training data or the
application domain. The proposed framework, algorithms and empirical
evaluation, serve as a white hat analysis of the vulnerabilities, and aim to
foster the development of secure machine learning frameworks.
|
Perspective: Energy Landscapes for Machine Learning | Machine learning techniques are being increasingly used as flexible
non-linear fitting and prediction tools in the physical sciences. Fitting
functions that exhibit multiple solutions as local minima can be analysed in
terms of the corresponding machine learning landscape. Methods to explore and
visualise molecular potential energy landscapes can be applied to these machine
learning landscapes to gain new insight into the solution space involved in
training and the nature of the corresponding predictions. In particular, we can
define quantities analogous to molecular structure, thermodynamics, and
kinetics, and relate these emergent properties to the structure of the
underlying landscape. This Perspective aims to describe these analogies with
examples from recent applications, and suggest avenues for new
interdisciplinary research.
|
Unsupervised Basis Function Adaptation for Reinforcement Learning | When using reinforcement learning (RL) algorithms it is common, given a large
state space, to introduce some form of approximation architecture for the value
function (VF). The exact form of this architecture can have a significant
effect on an agent's performance, however, and determining a suitable
approximation architecture can often be a highly complex task. Consequently
there is currently interest among researchers in the potential for allowing RL
algorithms to adaptively generate (i.e. to learn) approximation architectures.
One relatively unexplored method of adapting approximation architectures
involves using feedback regarding the frequency with which an agent has visited
certain states to guide which areas of the state space to approximate with
greater detail. In this article we will: (a) informally discuss the potential
advantages offered by such methods; (b) introduce a new algorithm based on such
methods which adapts a state aggregation approximation architecture on-line and
is designed for use in conjunction with SARSA; (c) provide theoretical results,
in a policy evaluation setting, regarding this particular algorithm's
complexity, convergence properties and potential to reduce VF error; and
finally (d) test experimentally the extent to which this algorithm can improve
performance given a number of different test problems. Taken together our
results suggest that our algorithm (and potentially such methods more
generally) can provide a versatile and computationally lightweight means of
significantly boosting RL performance given suitable conditions which are
commonly encountered in practice.
|
Role of zero synapses in unsupervised feature learning | Synapses in real neural circuits can take discrete values, including zero
(silent or potential) synapses. The computational role of zero synapses in
unsupervised feature learning of unlabeled noisy data is still unclear, thus it
is important to understand how the sparseness of synaptic activity is shaped
during learning and its relationship with receptive field formation. Here, we
formulate this kind of sparse feature learning by a statistical mechanics
approach. We find that learning decreases the fraction of zero synapses, and
when the fraction decreases rapidly around a critical data size, an
intrinsically structured receptive field starts to develop. Further increasing
the data size refines the receptive field, while a very small fraction of zero
synapses remain to act as contour detectors. This phenomenon is discovered not
only in learning a handwritten digits dataset, but also in learning retinal
neural activity measured in a natural-movie-stimuli experiment.
|
Fast Stochastic Variance Reduced Gradient Method with Momentum
Acceleration for Machine Learning | Recently, research on accelerated stochastic gradient descent methods (e.g.,
SVRG) has made exciting progress (e.g., linear convergence for strongly convex
problems). However, the best-known methods (e.g., Katyusha) requires at least
two auxiliary variables and two momentum parameters. In this paper, we propose
a fast stochastic variance reduction gradient (FSVRG) method, in which we
design a novel update rule with the Nesterov's momentum and incorporate the
technique of growing epoch size. FSVRG has only one auxiliary variable and one
momentum weight, and thus it is much simpler and has much lower per-iteration
complexity. We prove that FSVRG achieves linear convergence for strongly convex
problems and the optimal $\mathcal{O}(1/T^2)$ convergence rate for non-strongly
convex problems, where $T$ is the number of outer-iterations. We also extend
FSVRG to directly solve the problems with non-smooth component functions, such
as SVM. Finally, we empirically study the performance of FSVRG for solving
various machine learning problems such as logistic regression, ridge
regression, Lasso and SVM. Our results show that FSVRG outperforms the
state-of-the-art stochastic methods, including Katyusha.
|
Failures of Gradient-Based Deep Learning | In recent years, Deep Learning has become the go-to solution for a broad
range of applications, often outperforming state-of-the-art. However, it is
important, for both theoreticians and practitioners, to gain a deeper
understanding of the difficulties and limitations associated with common
approaches and algorithms. We describe four types of simple problems, for which
the gradient-based algorithms commonly used in deep learning either fail or
suffer from significant difficulties. We illustrate the failures through
practical experiments, and provide theoretical insights explaining their
source, and how they might be remedied.
|
Discriminatively Boosted Image Clustering with Fully Convolutional
Auto-Encoders | Traditional image clustering methods take a two-step approach, feature
learning and clustering, sequentially. However, recent research results
demonstrated that combining the separated phases in a unified framework and
training them jointly can achieve a better performance. In this paper, we first
introduce fully convolutional auto-encoders for image feature learning and then
propose a unified clustering framework to learn image representations and
cluster centers jointly based on a fully convolutional auto-encoder and soft
$k$-means scores. At initial stages of the learning procedure, the
representations extracted from the auto-encoder may not be very discriminative
for latter clustering. We address this issue by adopting a boosted
discriminative distribution, where high score assignments are highlighted and
low score ones are de-emphasized. With the gradually boosted discrimination,
clustering assignment scores are discriminated and cluster purities are
enlarged. Experiments on several vision benchmark datasets show that our
methods can achieve a state-of-the-art performance.
|
A network of deep neural networks for distant speech recognition | Despite the remarkable progress recently made in distant speech recognition,
state-of-the-art technology still suffers from a lack of robustness, especially
when adverse acoustic conditions characterized by non-stationary noises and
reverberation are met. A prominent limitation of current systems lies in the
lack of matching and communication between the various technologies involved in
the distant speech recognition process. The speech enhancement and speech
recognition modules are, for instance, often trained independently. Moreover,
the speech enhancement normally helps the speech recognizer, but the output of
the latter is not commonly used, in turn, to improve the speech enhancement. To
address both concerns, we propose a novel architecture based on a network of
deep neural networks, where all the components are jointly trained and better
cooperate with each other thanks to a full communication scheme between them.
Experiments, conducted using different datasets, tasks and acoustic conditions,
revealed that the proposed framework can overtake other competitive solutions,
including recent joint training approaches.
|
Content-based similar document image retrieval using fusion of CNN
features | Rapid increase of digitized document give birth to high demand of document
image retrieval. While conventional document image retrieval approaches depend
on complex OCR-based text recognition and text similarity detection, this paper
proposes a new content-based approach, in which more attention is paid to
features extraction and fusion. In the proposed approach, multiple features of
document images are extracted by different CNN models. After that, the
extracted CNN features are reduced and fused into weighted average feature.
Finally, the document images are ranked based on feature similarity to a
provided query image. Experimental procedure is performed on a group of
document images that transformed from academic papers, which contain both
English and Chinese document, the results show that the proposed approach has
good ability to retrieve document images with similar text content, and the
fusion of CNN features can effectively improve the retrieval accuracy.
|
Online Distributed Learning Over Networks in RKH Spaces Using Random
Fourier Features | We present a novel diffusion scheme for online kernel-based learning over
networks. So far, a major drawback of any online learning algorithm, operating
in a reproducing kernel Hilbert space (RKHS), is the need for updating a
growing number of parameters as time iterations evolve. Besides complexity,
this leads to an increased need of communication resources, in a distributed
setting. In contrast, the proposed method approximates the solution as a
fixed-size vector (of larger dimension than the input space) using Random
Fourier Features. This paves the way to use standard linear combine-then-adapt
techniques. To the best of our knowledge, this is the first time that a
complete protocol for distributed online learning in RKHS is presented.
Conditions for asymptotic convergence and boundness of the networkwise regret
are also provided. The simulated tests illustrate the performance of the
proposed scheme.
|
An embedded segmental K-means model for unsupervised segmentation and
clustering of speech | Unsupervised segmentation and clustering of unlabelled speech are core
problems in zero-resource speech processing. Most approaches lie at
methodological extremes: some use probabilistic Bayesian models with
convergence guarantees, while others opt for more efficient heuristic
techniques. Despite competitive performance in previous work, the full Bayesian
approach is difficult to scale to large speech corpora. We introduce an
approximation to a recent Bayesian model that still has a clear objective
function but improves efficiency by using hard clustering and segmentation
rather than full Bayesian inference. Like its Bayesian counterpart, this
embedded segmental K-means model (ES-KMeans) represents arbitrary-length word
segments as fixed-dimensional acoustic word embeddings. We first compare
ES-KMeans to previous approaches on common English and Xitsonga data sets (5
and 2.5 hours of speech): ES-KMeans outperforms a leading heuristic method in
word segmentation, giving similar scores to the Bayesian model while being 5
times faster with fewer hyperparameters. However, its clusters are less pure
than those of the other models. We then show that ES-KMeans scales to larger
corpora by applying it to the 5 languages of the Zero Resource Speech Challenge
2017 (up to 45 hours), where it performs competitively compared to the
challenge baseline.
|
On the Robustness of Convolutional Neural Networks to Internal
Architecture and Weight Perturbations | Deep convolutional neural networks are generally regarded as robust function
approximators. So far, this intuition is based on perturbations to external
stimuli such as the images to be classified. Here we explore the robustness of
convolutional neural networks to perturbations to the internal weights and
architecture of the network itself. We show that convolutional networks are
surprisingly robust to a number of internal perturbations in the higher
convolutional layers but the bottom convolutional layers are much more fragile.
For instance, Alexnet shows less than a 30% decrease in classification
performance when randomly removing over 70% of weight connections in the top
convolutional or dense layers but performance is almost at chance with the same
perturbation in the first convolutional layer. Finally, we suggest further
investigations which could continue to inform the robustness of convolutional
networks to internal perturbations.
|
Experimental Identification of Hard Data Sets for Classification and
Feature Selection Methods with Insights on Method Selection | The paper reports an experimentally identified list of benchmark data sets
that are hard for representative classification and feature selection methods.
This was done after systematically evaluating a total of 48 combinations of
methods, involving eight state-of-the-art classification algorithms and six
commonly used feature selection methods, on 129 data sets from the UCI
repository (some data sets with known high classification accuracy were
excluded). In this paper, a data set for classification is called hard if none
of the 48 combinations can achieve an AUC over 0.8 and none of them can achieve
an F-Measure value over 0.8; it is called easy otherwise. A total of 15 out of
the 129 data sets were found to be hard in that sense. This paper also compares
the performance of different methods, and it produces rankings of
classification methods, separately on the hard data sets and on the easy data
sets. This paper is the first to rank methods separately for hard data sets and
for easy data sets. It turns out that the classifier rankings resulting from
our experiments are somehow different from those in the literature and hence
they offer new insights on method selection. It should be noted that the Random
Forest method remains to be the best in all groups of experiments.
|
Multi-Level Discovery of Deep Options | Augmenting an agent's control with useful higher-level behaviors called
options can greatly reduce the sample complexity of reinforcement learning, but
manually designing options is infeasible in high-dimensional and abstract state
spaces. While recent work has proposed several techniques for automated option
discovery, they do not scale to multi-level hierarchies and to expressive
representations such as deep networks. We present Discovery of Deep Options
(DDO), a policy-gradient algorithm that discovers parametrized options from a
set of demonstration trajectories, and can be used recursively to discover
additional levels of the hierarchy. The scalability of our approach to
multi-level hierarchies stems from the decoupling of low-level option discovery
from high-level meta-control policy learning, facilitated by
under-parametrization of the high level. We demonstrate that using the
discovered options to augment the action space of Deep Q-Network agents can
accelerate learning by guiding exploration in tasks where random actions are
unlikely to reach valuable states. We show that DDO is effective in adding
options that accelerate learning in 4 out of 5 Atari RAM environments chosen in
our experiments. We also show that DDO can discover structure in robot-assisted
surgical videos and kinematics that match expert annotation with 72% accuracy.
|
Feature Fusion using Extended Jaccard Graph and Stochastic Gradient
Descent for Robot | Robot vision is a fundamental device for human-robot interaction and robot
complex tasks. In this paper, we use Kinect and propose a feature graph fusion
(FGF) for robot recognition. Our feature fusion utilizes RGB and depth
information to construct fused feature from Kinect. FGF involves multi-Jaccard
similarity to compute a robust graph and utilize word embedding method to
enhance the recognition results. We also collect DUT RGB-D face dataset and a
benchmark datset to evaluate the effectiveness and efficiency of our method.
The experimental results illustrate FGF is robust and effective to face and
object datasets in robot applications.
|
Smart Augmentation - Learning an Optimal Data Augmentation Strategy | A recurring problem faced when training neural networks is that there is
typically not enough data to maximize the generalization capability of deep
neural networks(DNN). There are many techniques to address this, including data
augmentation, dropout, and transfer learning. In this paper, we introduce an
additional method which we call Smart Augmentation and we show how to use it to
increase the accuracy and reduce overfitting on a target network. Smart
Augmentation works by creating a network that learns how to generate augmented
data during the training process of a target network in a way that reduces that
networks loss. This allows us to learn augmentations that minimize the error of
that network.
Smart Augmentation has shown the potential to increase accuracy by
demonstrably significant measures on all datasets tested. In addition, it has
shown potential to achieve similar or improved performance levels with
significantly smaller network sizes in a number of tested cases.
|
Asymmetric Learning Vector Quantization for Efficient Nearest Neighbor
Classification in Dynamic Time Warping Spaces | The nearest neighbor method together with the dynamic time warping (DTW)
distance is one of the most popular approaches in time series classification.
This method suffers from high storage and computation requirements for large
training sets. As a solution to both drawbacks, this article extends learning
vector quantization (LVQ) from Euclidean spaces to DTW spaces. The proposed LVQ
scheme uses asymmetric weighted averaging as update rule. Empirical results
exhibited superior performance of asymmetric generalized LVQ (GLVQ) over other
state-of-the-art prototype generation methods for nearest neighbor
classification.
|
Linear classifier design under heteroscedasticity in Linear Discriminant
Analysis | Under normality and homoscedasticity assumptions, Linear Discriminant
Analysis (LDA) is known to be optimal in terms of minimising the Bayes error
for binary classification. In the heteroscedastic case, LDA is not guaranteed
to minimise this error. Assuming heteroscedasticity, we derive a linear
classifier, the Gaussian Linear Discriminant (GLD), that directly minimises the
Bayes error for binary classification. In addition, we also propose a local
neighbourhood search (LNS) algorithm to obtain a more robust classifier if the
data is known to have a non-normal distribution. We evaluate the proposed
classifiers on two artificial and ten real-world datasets that cut across a
wide range of application areas including handwriting recognition, medical
diagnosis and remote sensing, and then compare our algorithm against existing
LDA approaches and other linear classifiers. The GLD is shown to outperform the
original LDA procedure in terms of the classification accuracy under
heteroscedasticity. While it compares favourably with other existing
heteroscedastic LDA approaches, the GLD requires as much as 60 times lower
training time on some datasets. Our comparison with the support vector machine
(SVM) also shows that, the GLD, together with the LNS, requires as much as 150
times lower training time to achieve an equivalent classification accuracy on
some of the datasets. Thus, our algorithms can provide a cheap and reliable
option for classification in a lot of expert systems.
|
K-Means Clustering using Tabu Search with Quantized Means | The Tabu Search (TS) metaheuristic has been proposed for K-Means clustering
as an alternative to Lloyd's algorithm, which for all its ease of
implementation and fast runtime, has the major drawback of being trapped at
local optima. While the TS approach can yield superior performance, it involves
a high computational complexity. Moreover, the difficulty in parameter
selection in the existing TS approach does not make it any more attractive.
This paper presents an alternative, low-complexity formulation of the TS
optimization procedure for K-Means clustering. This approach does not require
many parameter settings. We initially constrain the centers to points in the
dataset. We then aim at evolving these centers using a unique neighborhood
structure that makes use of gradient information of the objective function.
This results in an efficient exploration of the search space, after which the
means are refined. The proposed scheme is implemented in MATLAB and tested on
four real-world datasets, and it achieves a significant improvement over the
existing TS approach in terms of the intra cluster sum of squares and
computational time.
|
Batch-normalized joint training for DNN-based distant speech recognition | Improving distant speech recognition is a crucial step towards flexible
human-machine interfaces. Current technology, however, still exhibits a lack of
robustness, especially when adverse acoustic conditions are met. Despite the
significant progress made in the last years on both speech enhancement and
speech recognition, one potential limitation of state-of-the-art technology
lies in composing modules that are not well matched because they are not
trained jointly. To address this concern, a promising approach consists in
concatenating a speech enhancement and a speech recognition deep neural network
and to jointly update their parameters as if they were within a single bigger
network. Unfortunately, joint training can be difficult because the output
distribution of the speech enhancement system may change substantially during
the optimization procedure. The speech recognition module would have to deal
with an input distribution that is non-stationary and unnormalized. To mitigate
this issue, we propose a joint training approach based on a fully
batch-normalized architecture. Experiments, conducted using different datasets,
tasks and acoustic conditions, revealed that the proposed framework
significantly overtakes other competitive solutions, especially in challenging
environments.
|
Overcoming Catastrophic Forgetting by Incremental Moment Matching | Catastrophic forgetting is a problem of neural networks that loses the
information of the first task after training the second task. Here, we propose
a method, i.e. incremental moment matching (IMM), to resolve this problem. IMM
incrementally matches the moment of the posterior distribution of the neural
network which is trained on the first and the second task, respectively. To
make the search space of posterior parameter smooth, the IMM procedure is
complemented by various transfer learning techniques including weight transfer,
L2-norm of the old and the new parameter, and a variant of dropout with the old
parameter. We analyze our approach on a variety of datasets including the
MNIST, CIFAR-10, Caltech-UCSD-Birds, and Lifelog datasets. The experimental
results show that IMM achieves state-of-the-art performance by balancing the
information between an old and a new network.
|
Joint Modeling of Event Sequence and Time Series with Attentional Twin
Recurrent Neural Networks | A variety of real-world processes (over networks) produce sequences of data
whose complex temporal dynamics need to be studied. More especially, the event
timestamps can carry important information about the underlying network
dynamics, which otherwise are not available from the time-series evenly sampled
from continuous signals. Moreover, in most complex processes, event sequences
and evenly-sampled times series data can interact with each other, which
renders joint modeling of those two sources of data necessary. To tackle the
above problems, in this paper, we utilize the rich framework of (temporal)
point processes to model event data and timely update its intensity function by
the synergic twin Recurrent Neural Networks (RNNs). In the proposed
architecture, the intensity function is synergistically modulated by one RNN
with asynchronous events as input and another RNN with time series as input.
Furthermore, to enhance the interpretability of the model, the attention
mechanism for the neural point process is introduced. The whole model with
event type and timestamp prediction output layers can be trained end-to-end and
allows a black-box treatment for modeling the intensity. We substantiate the
superiority of our model in synthetic data and three real-world benchmark
datasets.
|
Sequence-to-Sequence Models Can Directly Translate Foreign Speech | We present a recurrent encoder-decoder deep neural network architecture that
directly translates speech in one language into text in another. The model does
not explicitly transcribe the speech into text in the source language, nor does
it require supervision from the ground truth source language transcription
during training. We apply a slightly modified sequence-to-sequence with
attention architecture that has previously been used for speech recognition and
show that it can be repurposed for this more complex task, illustrating the
power of attention-based models. A single model trained end-to-end obtains
state-of-the-art performance on the Fisher Callhome Spanish-English speech
translation task, outperforming a cascade of independently trained
sequence-to-sequence speech recognition and machine translation models by 1.8
BLEU points on the Fisher test set. In addition, we find that making use of the
training data in both languages by multi-task training sequence-to-sequence
speech translation and recognition models with a shared encoder network can
improve performance by a further 1.4 BLEU points.
|
Low Precision Neural Networks using Subband Decomposition | Large-scale deep neural networks (DNN) have been successfully used in a
number of tasks from image recognition to natural language processing. They are
trained using large training sets on large models, making them computationally
and memory intensive. As such, there is much interest in research development
for faster training and test time. In this paper, we present a unique approach
using lower precision weights for more efficient and faster training phase. We
separate imagery into different frequency bands (e.g. with different
information content) such that the neural net can better learn using less bits.
We present this approach as a complement existing methods such as pruning
network connections and encoding learning weights. We show results where this
approach supports more stable learning with 2-4X reduction in precision with
17X reduction in DNN parameters.
|
Jointly Optimizing Placement and Inference for Beacon-based Localization | The ability of robots to estimate their location is crucial for a wide
variety of autonomous operations. In settings where GPS is unavailable,
measurements of transmissions from fixed beacons provide an effective means of
estimating a robot's location as it navigates. The accuracy of such a
beacon-based localization system depends both on how beacons are distributed in
the environment, and how the robot's location is inferred based on noisy and
potentially ambiguous measurements. We propose an approach for making these
design decisions automatically and without expert supervision, by explicitly
searching for the placement and inference strategies that, together, are
optimal for a given environment. Since this search is computationally
expensive, our approach encodes beacon placement as a differential neural layer
that interfaces with a neural network for inference. This formulation allows us
to employ standard techniques for training neural networks to carry out the
joint optimization. We evaluate this approach on a variety of environments and
settings, and find that it is able to discover designs that enable high
localization accuracy.
|
Exploration--Exploitation in MDPs with Options | While a large body of empirical results show that temporally-extended actions
and options may significantly affect the learning performance of an agent, the
theoretical understanding of how and when options can be beneficial in online
reinforcement learning is relatively limited. In this paper, we derive an upper
and lower bound on the regret of a variant of UCRL using options. While we
first analyze the algorithm in the general case of semi-Markov decision
processes (SMDPs), we show how these results can be translated to the specific
case of MDPs with options and we illustrate simple scenarios in which the
regret of learning with options can be \textit{provably} much smaller than the
regret suffered when learning with primitive actions.
|
Count-ception: Counting by Fully Convolutional Redundant Counting | Counting objects in digital images is a process that should be replaced by
machines. This tedious task is time consuming and prone to errors due to
fatigue of human annotators. The goal is to have a system that takes as input
an image and returns a count of the objects inside and justification for the
prediction in the form of object localization. We repose a problem, originally
posed by Lempitsky and Zisserman, to instead predict a count map which contains
redundant counts based on the receptive field of a smaller regression network.
The regression network predicts a count of the objects that exist inside this
frame. By processing the image in a fully convolutional way each pixel is going
to be accounted for some number of times, the number of windows which include
it, which is the size of each window, (i.e., 32x32 = 1024). To recover the true
count we take the average over the redundant predictions. Our contribution is
redundant counting instead of predicting a density map in order to average over
errors. We also propose a novel deep neural network architecture adapted from
the Inception family of networks called the Count-ception network. Together our
approach results in a 20% relative improvement (2.9 to 2.3 MAE) over the state
of the art method by Xie, Noble, and Zisserman in 2016.
|
Who Said What: Modeling Individual Labelers Improves Classification | Data are often labeled by many different experts with each expert only
labeling a small fraction of the data and each data point being labeled by
several experts. This reduces the workload on individual experts and also gives
a better estimate of the unobserved ground truth. When experts disagree, the
standard approaches are to treat the majority opinion as the correct label or
to model the correct label as a distribution. These approaches, however, do not
make any use of potentially valuable information about which expert produced
which label. To make use of this extra information, we propose modeling the
experts individually and then learning averaging weights for combining them,
possibly in sample-specific ways. This allows us to give more weight to more
reliable experts and take advantage of the unique strengths of individual
experts at classifying certain types of data. Here we show that our approach
leads to improvements in computer-aided diagnosis of diabetic retinopathy. We
also show that our method performs better than competing algorithms by Welinder
and Perona (2010), and by Mnih and Hinton (2012). Our work offers an innovative
approach for dealing with the myriad real-world settings that use expert
opinions to define labels for training.
|
Uncertainty quantification in graph-based classification of high
dimensional data | Classification of high dimensional data finds wide-ranging applications. In
many of these applications equipping the resulting classification with a
measure of uncertainty may be as important as the classification itself. In
this paper we introduce, develop algorithms for, and investigate the properties
of, a variety of Bayesian models for the task of binary classification; via the
posterior distribution on the classification labels, these methods
automatically give measures of uncertainty. The methods are all based around
the graph formulation of semi-supervised learning.
We provide a unified framework which brings together a variety of methods
which have been introduced in different communities within the mathematical
sciences. We study probit classification in the graph-based setting, generalize
the level-set method for Bayesian inverse problems to the classification
setting, and generalize the Ginzburg-Landau optimization-based classifier to a
Bayesian setting; we also show that the probit and level set approaches are
natural relaxations of the harmonic function approach introduced in [Zhu et al
2003].
We introduce efficient numerical methods, suited to large data-sets, for both
MCMC-based sampling as well as gradient-based MAP estimation. Through numerical
experiments we study classification accuracy and uncertainty quantification for
our models; these experiments showcase a suite of datasets commonly used to
evaluate graph-based semi-supervised learning algorithms.
|
Learned Multi-Patch Similarity | Estimating a depth map from multiple views of a scene is a fundamental task
in computer vision. As soon as more than two viewpoints are available, one
faces the very basic question how to measure similarity across >2 image
patches. Surprisingly, no direct solution exists, instead it is common to fall
back to more or less robust averaging of two-view similarities. Encouraged by
the success of machine learning, and in particular convolutional neural
networks, we propose to learn a matching function which directly maps multiple
image patches to a scalar similarity score. Experiments on several multi-view
datasets demonstrate that this approach has advantages over methods based on
pairwise patch similarity.
|
Distributed Voting/Ranking with Optimal Number of States per Node | Considering a network with $n$ nodes, where each node initially votes for one
(or more) choices out of $K$ possible choices, we present a Distributed
Multi-choice Voting/Ranking (DMVR) algorithm to determine either the choice
with maximum vote (the voting problem) or to rank all the choices in terms of
their acquired votes (the ranking problem). The algorithm consolidates node
votes across the network by updating the states of interacting nodes using two
key operations, the union and the intersection. The proposed algorithm is
simple, independent from network size, and easily scalable in terms of the
number of choices $K$, using only $K\times 2^{K-1}$ nodal states for voting,
and $K\times K!$ nodal states for ranking. We prove the number of states to be
optimal in the ranking case, this optimality is conjectured to also apply to
the voting case. The time complexity of the algorithm is analyzed in complete
graphs. We show that the time complexity for both ranking and voting is
$O(\log(n))$ for given vote percentages, and is inversely proportional to the
minimum of the vote percentage differences among various choices.
|
InfoGAIL: Interpretable Imitation Learning from Visual Demonstrations | The goal of imitation learning is to mimic expert behavior without access to
an explicit reward signal. Expert demonstrations provided by humans, however,
often show significant variability due to latent factors that are typically not
explicitly modeled. In this paper, we propose a new algorithm that can infer
the latent structure of expert demonstrations in an unsupervised way. Our
method, built on top of Generative Adversarial Imitation Learning, can not only
imitate complex behaviors, but also learn interpretable and meaningful
representations of complex behavioral data, including visual demonstrations. In
the driving domain, we show that a model learned from human demonstrations is
able to both accurately reproduce a variety of behaviors and accurately
anticipate human actions using raw visual inputs. Compared with various
baselines, our method can better capture the latent structure underlying expert
demonstrations, often recovering semantically meaningful factors of variation
in the data.
|
Multiple Instance Learning with the Optimal Sub-Pattern Assignment
Metric | Multiple instance data are sets or multi-sets of unordered elements. Using
metrics or distances for sets, we propose an approach to several multiple
instance learning tasks, such as clustering (unsupervised learning),
classification (supervised learning), and novelty detection (semi-supervised
learning). In particular, we introduce the Optimal Sub-Pattern Assignment
metric to multiple instance learning so as to provide versatile design choices.
Numerical experiments on both simulated and real data are presented to
illustrate the versatility of the proposed solution.
|
Scaling the Scattering Transform: Deep Hybrid Networks | We use the scattering network as a generic and fixed ini-tialization of the
first layers of a supervised hybrid deep network. We show that early layers do
not necessarily need to be learned, providing the best results to-date with
pre-defined representations while being competitive with Deep CNNs. Using a
shallow cascade of 1 x 1 convolutions, which encodes scattering coefficients
that correspond to spatial windows of very small sizes, permits to obtain
AlexNet accuracy on the imagenet ILSVRC2012. We demonstrate that this local
encoding explicitly learns invariance w.r.t. rotations. Combining scattering
networks with a modern ResNet, we achieve a single-crop top 5 error of 11.4% on
imagenet ILSVRC2012, comparable to the Resnet-18 architecture, while utilizing
only 10 layers. We also find that hybrid architectures can yield excellent
performance in the small sample regime, exceeding their end-to-end
counterparts, through their ability to incorporate geometrical priors. We
demonstrate this on subsets of the CIFAR-10 dataset and on the STL-10 dataset.
|
Multimodal deep learning approach for joint EEG-EMG data compression and
classification | In this paper, we present a joint compression and classification approach of
EEG and EMG signals using a deep learning approach. Specifically, we build our
system based on the deep autoencoder architecture which is designed not only to
extract discriminant features in the multimodal data representation but also to
reconstruct the data from the latent representation using encoder-decoder
layers. Since autoencoder can be seen as a compression approach, we extend it
to handle multimodal data at the encoder layer, reconstructed and retrieved at
the decoder layer. We show through experimental results, that exploiting both
multimodal data intercorellation and intracorellation 1) Significantly reduces
signal distortion particularly for high compression levels 2) Achieves better
accuracy in classifying EEG and EMG signals recorded and labeled according to
the sentiments of the volunteer.
|
Make Hawkes Processes Explainable by Decomposing Self-Triggering Kernels | Hawkes Processes capture self-excitation and mutual-excitation between events
when the arrival of an event makes future events more likely to happen.
Identification of such temporal covariance can reveal the underlying structure
to better predict future events. In this paper, we present a new framework to
decompose discrete events with a composition of multiple self-triggering
kernels. The composition scheme allows us to decompose empirical covariance
densities into the sum or the product of base kernels which are easily
interpretable. Here, we present the first multiplicative kernel composition
methods for Hawkes Processes. We demonstrate that the new automatic kernel
decomposition procedure outperforms the existing methods on the prediction of
discrete events in real-world data.
|
GPU Activity Prediction using Representation Learning | GPU activity prediction is an important and complex problem. This is due to
the high level of contention among thousands of parallel threads. This problem
was mostly addressed using heuristics. We propose a representation learning
approach to address this problem. We model any performance metric as a temporal
function of the executed instructions with the intuition that the flow of
instructions can be identified as distinct activities of the code. Our
experiments show high accuracy and non-trivial predictive power of
representation learning on a benchmark.
|
Private Learning on Networks: Part II | This paper considers a distributed multi-agent optimization problem, with the
global objective consisting of the sum of local objective functions of the
agents. The agents solve the optimization problem using local computation and
communication between adjacent agents in the network. We present two randomized
iterative algorithms for distributed optimization. To improve privacy, our
algorithms add "structured" randomization to the information exchanged between
the agents. We prove deterministic correctness (in every execution) of the
proposed algorithms despite the information being perturbed by noise with
non-zero mean. We prove that a special case of a proposed algorithm (called
function sharing) preserves privacy of individual polynomial objective
functions under a suitable connectivity condition on the network topology.
|
Sticking the Landing: Simple, Lower-Variance Gradient Estimators for
Variational Inference | We propose a simple and general variant of the standard reparameterized
gradient estimator for the variational evidence lower bound. Specifically, we
remove a part of the total derivative with respect to the variational
parameters that corresponds to the score function. Removing this term produces
an unbiased gradient estimator whose variance approaches zero as the
approximate posterior approaches the exact posterior. We analyze the behavior
of this gradient estimator theoretically and empirically, and generalize it to
more complex variational distributions such as mixtures and importance-weighted
posteriors.
|
Deep Architectures for Modulation Recognition | We survey the latest advances in machine learning with deep neural networks
by applying them to the task of radio modulation recognition. Results show that
radio modulation recognition is not limited by network depth and further work
should focus on improving learned synchronization and equalization. Advances in
these areas will likely come from novel architectures designed for these tasks
or through novel training methods.
|
Biologically inspired protection of deep networks from adversarial
attacks | Inspired by biophysical principles underlying nonlinear dendritic computation
in neural circuits, we develop a scheme to train deep neural networks to make
them robust to adversarial attacks. Our scheme generates highly nonlinear,
saturated neural networks that achieve state of the art performance on gradient
based adversarial examples on MNIST, despite never being exposed to
adversarially chosen examples during training. Moreover, these networks exhibit
unprecedented robustness to targeted, iterative schemes for generating
adversarial examples, including second-order methods. We further identify
principles governing how these networks achieve their robustness, drawing on
methods from information geometry. We find these networks progressively create
highly flat and compressed internal representations that are sensitive to very
few input dimensions, while still solving the task. Moreover, they employ
highly kurtotic weight distributions, also found in the brain, and we
demonstrate how such kurtosis can protect even linear classifiers from
adversarial attack.
|
Goal-Driven Dynamics Learning via Bayesian Optimization | Real-world robots are becoming increasingly complex and commonly act in
poorly understood environments where it is extremely challenging to model or
learn their true dynamics. Therefore, it might be desirable to take a
task-specific approach, wherein the focus is on explicitly learning the
dynamics model which achieves the best control performance for the task at
hand, rather than learning the true dynamics. In this work, we use Bayesian
optimization in an active learning framework where a locally linear dynamics
model is learned with the intent of maximizing the control performance, and
used in conjunction with optimal control schemes to efficiently design a
controller for a given task. This model is updated directly based on the
performance observed in experiments on the physical system in an iterative
manner until a desired performance is achieved. We demonstrate the efficacy of
the proposed approach through simulations and real experiments on a quadrotor
testbed.
|
Adaptive Simulation-based Training of AI Decision-makers using Bayesian
Optimization | This work studies how an AI-controlled dog-fighting agent with tunable
decision-making parameters can learn to optimize performance against an
intelligent adversary, as measured by a stochastic objective function evaluated
on simulated combat engagements. Gaussian process Bayesian optimization (GPBO)
techniques are developed to automatically learn global Gaussian Process (GP)
surrogate models, which provide statistical performance predictions in both
explored and unexplored areas of the parameter space. This allows a learning
engine to sample full-combat simulations at parameter values that are most
likely to optimize performance and also provide highly informative data points
for improving future predictions. However, standard GPBO methods do not provide
a reliable surrogate model for the highly volatile objective functions found in
aerial combat, and thus do not reliably identify global maxima. These issues
are addressed by novel Repeat Sampling (RS) and Hybrid Repeat/Multi-point
Sampling (HRMS) techniques. Simulation studies show that HRMS improves the
accuracy of GP surrogate models, allowing AI decision-makers to more accurately
predict performance and efficiently tune parameters.
|
DART: Noise Injection for Robust Imitation Learning | One approach to Imitation Learning is Behavior Cloning, in which a robot
observes a supervisor and infers a control policy. A known problem with this
"off-policy" approach is that the robot's errors compound when drifting away
from the supervisor's demonstrations. On-policy, techniques alleviate this by
iteratively collecting corrective actions for the current robot policy.
However, these techniques can be tedious for human supervisors, add significant
computation burden, and may visit dangerous states during training. We propose
an off-policy approach that injects noise into the supervisor's policy while
demonstrating. This forces the supervisor to demonstrate how to recover from
errors. We propose a new algorithm, DART (Disturbances for Augmenting Robot
Trajectories), that collects demonstrations with injected noise, and optimizes
the noise level to approximate the error of the robot's trained policy during
data collection. We compare DART with DAgger and Behavior Cloning in two
domains: in simulation with an algorithmic supervisor on the MuJoCo tasks
(Walker, Humanoid, Hopper, Half-Cheetah) and in physical experiments with human
supervisors training a Toyota HSR robot to perform grasping in clutter. For
high dimensional tasks like Humanoid, DART can be up to $3x$ faster in
computation time and only decreases the supervisor's cumulative reward by $5\%$
during training, whereas DAgger executes policies that have $80\%$ less
cumulative reward than the supervisor. On the grasping in clutter task, DART
obtains on average a $62\%$ performance increase over Behavior Cloning.
|
Ensembles of Deep LSTM Learners for Activity Recognition using Wearables | Recently, deep learning (DL) methods have been introduced very successfully
into human activity recognition (HAR) scenarios in ubiquitous and wearable
computing. Especially the prospect of overcoming the need for manual feature
design combined with superior classification capabilities render deep neural
networks very attractive for real-life HAR application. Even though DL-based
approaches now outperform the state-of-the-art in a number of recognitions
tasks of the field, yet substantial challenges remain. Most prominently, issues
with real-life datasets, typically including imbalanced datasets and
problematic data quality, still limit the effectiveness of activity recognition
using wearables. In this paper we tackle such challenges through Ensembles of
deep Long Short Term Memory (LSTM) networks. We have developed modified
training procedures for LSTM networks and combine sets of diverse LSTM learners
into classifier collectives. We demonstrate, both formally and empirically,
that Ensembles of deep LSTM learners outperform the individual LSTM networks.
Through an extensive experimental evaluation on three standard benchmarks
(Opportunity, PAMAP2, Skoda) we demonstrate the excellent recognition
capabilities of our approach and its potential for real-life applications of
human activity recognition.
|
Factoring Exogenous State for Model-Free Monte Carlo | Policy analysts wish to visualize a range of policies for large
simulator-defined Markov Decision Processes (MDPs). One visualization approach
is to invoke the simulator to generate on-policy trajectories and then
visualize those trajectories. When the simulator is expensive, this is not
practical, and some method is required for generating trajectories for new
policies without invoking the simulator. The method of Model-Free Monte Carlo
(MFMC) can do this by stitching together state transitions for a new policy
based on previously-sampled trajectories from other policies. This "off-policy
Monte Carlo simulation" method works well when the state space has low
dimension but fails as the dimension grows. This paper describes a method for
factoring out some of the state and action variables so that MFMC can work in
high-dimensional MDPs. The new method, MFMCi, is evaluated on a very
challenging wildfire management MDP.
|
Fast Optimization of Wildfire Suppression Policies with SMAC | Managers of US National Forests must decide what policy to apply for dealing
with lightning-caused wildfires. Conflicts among stakeholders (e.g., timber
companies, home owners, and wildlife biologists) have often led to spirited
political debates and even violent eco-terrorism. One way to transform these
conflicts into multi-stakeholder negotiations is to provide a high-fidelity
simulation environment in which stakeholders can explore the space of
alternative policies and understand the tradeoffs therein. Such an environment
needs to support fast optimization of MDP policies so that users can adjust
reward functions and analyze the resulting optimal policies. This paper
assesses the suitability of SMAC---a black-box empirical function optimization
algorithm---for rapid optimization of MDP policies. The paper describes five
reward function components and four stakeholder constituencies. It then
introduces a parameterized class of policies that can be easily understood by
the stakeholders. SMAC is applied to find the optimal policy in this class for
the reward functions of each of the stakeholder constituencies. The results
confirm that SMAC is able to rapidly find good policies that make sense from
the domain perspective. Because the full-fidelity forest fire simulator is far
too expensive to support interactive optimization, SMAC is applied to a
surrogate model constructed from a modest number of runs of the full-fidelity
simulator. To check the quality of the SMAC-optimized policies, the policies
are evaluated on the full-fidelity simulator. The results confirm that the
surrogate values estimates are valid. This is the first successful optimization
of wildfire management policies using a full-fidelity simulation. The same
methodology should be applicable to other contentious natural resource
management problems where high-fidelity simulation is extremely expensive.
|
Solving Non-parametric Inverse Problem in Continuous Markov Random Field
using Loopy Belief Propagation | In this paper, we address the inverse problem, or the statistical machine
learning problem, in Markov random fields with a non-parametric pair-wise
energy function with continuous variables. The inverse problem is formulated by
maximum likelihood estimation. The exact treatment of maximum likelihood
estimation is intractable because of two problems: (1) it includes the
evaluation of the partition function and (2) it is formulated in the form of
functional optimization. We avoid Problem (1) by using Bethe approximation.
Bethe approximation is an approximation technique equivalent to the loopy
belief propagation. Problem (2) can be solved by using orthonormal function
expansion. Orthonormal function expansion can reduce a functional optimization
problem to a function optimization problem. Our method can provide an analytic
form of the solution of the inverse problem within the framework of Bethe
approximation.
|
SEGAN: Speech Enhancement Generative Adversarial Network | Current speech enhancement techniques operate on the spectral domain and/or
exploit some higher-level feature. The majority of them tackle a limited number
of noise conditions and rely on first-order statistics. To circumvent these
issues, deep networks are being increasingly used, thanks to their ability to
learn complex functions from large example sets. In this work, we propose the
use of generative adversarial networks for speech enhancement. In contrast to
current techniques, we operate at the waveform level, training the model
end-to-end, and incorporate 28 speakers and 40 different noise conditions into
the same model, such that model parameters are shared across them. We evaluate
the proposed model using an independent, unseen test set with two speakers and
20 alternative noise conditions. The enhanced samples confirm the viability of
the proposed model, and both objective and subjective evaluations confirm the
effectiveness of it. With that, we open the exploration of generative
architectures for speech enhancement, which may progressively incorporate
further speech-centric design choices to improve their performance.
|
Learned Spectral Super-Resolution | We describe a novel method for blind, single-image spectral super-resolution.
While conventional super-resolution aims to increase the spatial resolution of
an input image, our goal is to spectrally enhance the input, i.e., generate an
image with the same spatial resolution, but a greatly increased number of
narrow (hyper-spectral) wave-length bands. Just like the spatial statistics of
natural images has rich structure, which one can exploit as prior to predict
high-frequency content from a low resolution image, the same is also true in
the spectral domain: the materials and lighting conditions of the observed
world induce structure in the spectrum of wavelengths observed at a given
pixel. Surprisingly, very little work exists that attempts to use this
diagnosis and achieve blind spectral super-resolution from single images. We
start from the conjecture that, just like in the spatial domain, we can learn
the statistics of natural image spectra, and with its help generate finely
resolved hyper-spectral images from RGB input. Technically, we follow the
current best practice and implement a convolutional neural network (CNN), which
is trained to carry out the end-to-end mapping from an entire RGB image to the
corresponding hyperspectral image of equal size. We demonstrate spectral
super-resolution both for conventional RGB images and for multi-spectral
satellite data, outperforming the state-of-the-art.
|
Simulated Data Experiments for Time Series Classification Part 1:
Accuracy Comparison with Default Settings | There are now a broad range of time series classification (TSC) algorithms
designed to exploit different representations of the data. These have been
evaluated on a range of problems hosted at the UCR-UEA TSC Archive
(www.timeseriesclassification.com), and there have been extensive comparative
studies. However, our understanding of why one algorithm outperforms another is
still anecdotal at best. This series of experiments is meant to help provide
insights into what sort of discriminatory features in the data lead one set of
algorithms that exploit a particular representation to be better than other
algorithms. We categorise five different feature spaces exploited by TSC
algorithms then design data simulators to generate randomised data from each
representation. We describe what results we expected from each class of
algorithm and data representation, then observe whether these prior beliefs are
supported by the experimental evidence. We provide an open source
implementation of all the simulators to allow for the controlled testing of
hypotheses relating to classifier performance on different data
representations. We identify many surprising results that confounded our
expectations, and use these results to highlight how an over simplified view of
classifier structure can often lead to erroneous prior beliefs. We believe
ensembling can often overcome prior bias, and our results support the belief by
showing that the ensemble approach adopted by the Hierarchical Collective of
Transform based Ensembles (HIVE-COTE) is significantly better than the
alternatives when the data representation is unknown, and is significantly
better than, or not significantly significantly better than, or not
significantly worse than, the best other approach on three out of five of the
individual simulators.
|
Early Stopping without a Validation Set | Early stopping is a widely used technique to prevent poor generalization
performance when training an over-expressive model by means of gradient-based
optimization. To find a good point to halt the optimizer, a common practice is
to split the dataset into a training and a smaller validation set to obtain an
ongoing estimate of the generalization performance. We propose a novel early
stopping criterion based on fast-to-compute local statistics of the computed
gradients and entirely removes the need for a held-out validation set. Our
experiments show that this is a viable approach in the setting of least-squares
and logistic regression, as well as neural networks.
|
Hybrid Clustering based on Content and Connection Structure using Joint
Nonnegative Matrix Factorization | We present a hybrid method for latent information discovery on the data sets
containing both text content and connection structure based on constrained low
rank approximation. The new method jointly optimizes the Nonnegative Matrix
Factorization (NMF) objective function for text clustering and the Symmetric
NMF (SymNMF) objective function for graph clustering. We propose an effective
algorithm for the joint NMF objective function, based on a block coordinate
descent (BCD) framework. The proposed hybrid method discovers content
associations via latent connections found using SymNMF. The method can also be
applied with a natural conversion of the problem when a hypergraph formulation
is used or the content is associated with hypergraph edges.
Experimental results show that by simultaneously utilizing both content and
connection structure, our hybrid method produces higher quality clustering
results compared to the other NMF clustering methods that uses content alone
(standard NMF) or connection structure alone (SymNMF). We also present some
interesting applications to several types of real world data such as citation
recommendations of papers. The hybrid method proposed in this paper can also be
applied to general data expressed with both feature space vectors and pairwise
similarities and can be extended to the case with multiple feature spaces or
multiple similarity measures.
|
Structural Damage Identification Using Artificial Neural Network and
Synthetic data | This paper presents real-time vibration based identification technique using
measured frequency response functions(FRFs) under random vibration loading.
Artificial Neural Networks (ANNs) are trained to map damage fingerprints to
damage characteristic parameters. Principal component statistical analysis(PCA)
technique was used to tackle the problem of high dimensionality and high noise
of data, which is common for industrial structures. The present study considers
Crack, Rivet hole expansion and redundant uniform mass as damages on the
structure. Frequency response function data after being reduced in size using
PCA is fed to individual neural networks to localize and predict the severity
of damage on the structure. The system of ANNs trained with both numerical and
experimental model data to make the system reliable and robust. The methodology
is applied to a numerical model of stiffened panel structure, where damages are
confined close to the stiffener. The results showed that, in all the cases
considered, it is possible to localize and predict severity of the damage
occurrence with very good accuracy and reliability.
|
Inverse Reinforcement Learning from Summary Data | Inverse reinforcement learning (IRL) aims to explain observed strategic
behavior by fitting reinforcement learning models to behavioral data. However,
traditional IRL methods are only applicable when the observations are in the
form of state-action paths. This assumption may not hold in many real-world
modeling settings, where only partial or summarized observations are available.
In general, we may assume that there is a summarizing function $\sigma$, which
acts as a filter between us and the true state-action paths that constitute the
demonstration. Some initial approaches to extending IRL to such situations have
been presented, but with very specific assumptions about the structure of
$\sigma$, such as that only certain state observations are missing. This paper
instead focuses on the most general case of the problem, where no assumptions
are made about the summarizing function, except that it can be evaluated. We
demonstrate that inference is still possible. The paper presents exact and
approximate inference algorithms that allow full posterior inference, which is
particularly important for assessing parameter uncertainty in this challenging
inference situation. Empirical scalability is demonstrated to reasonably sized
problems, and practical applicability is demonstrated by estimating the
posterior for a cognitive science RL model based on an observed user's task
completion time only.
|
Collective Anomaly Detection based on Long Short Term Memory Recurrent
Neural Network | Intrusion detection for computer network systems becomes one of the most
critical tasks for network administrators today. It has an important role for
organizations, governments and our society due to its valuable resources on
computer networks. Traditional misuse detection strategies are unable to detect
new and unknown intrusion. Besides, anomaly detection in network security is
aim to distinguish between illegal or malicious events and normal behavior of
network systems. Anomaly detection can be considered as a classification
problem where it builds models of normal network behavior, which it uses to
detect new patterns that significantly deviate from the model. Most of the cur-
rent research on anomaly detection is based on the learning of normally and
anomaly behaviors. They do not take into account the previous, re- cent events
to detect the new incoming one. In this paper, we propose a real time
collective anomaly detection model based on neural network learning and feature
operating. Normally a Long Short Term Memory Recurrent Neural Network (LSTM
RNN) is trained only on normal data and it is capable of predicting several
time steps ahead of an input. In our approach, a LSTM RNN is trained with
normal time series data before performing a live prediction for each time step.
Instead of considering each time step separately, the observation of prediction
errors from a certain number of time steps is now proposed as a new idea for
detecting collective anomalies. The prediction errors from a number of the
latest time steps above a threshold will indicate a collective anomaly. The
model is built on a time series version of the KDD 1999 dataset. The
experiments demonstrate that it is possible to offer reliable and efficient for
collective anomaly detection.
|
Unifying the Stochastic Spectral Descent for Restricted Boltzmann
Machines with Bernoulli or Gaussian Inputs | Stochastic gradient descent based algorithms are typically used as the
general optimization tools for most deep learning models. A Restricted
Boltzmann Machine (RBM) is a probabilistic generative model that can be stacked
to construct deep architectures. For RBM with Bernoulli inputs, non-Euclidean
algorithm such as stochastic spectral descent (SSD) has been specifically
designed to speed up the convergence with improved use of the gradient
estimation by sampling methods. However, the existing algorithm and
corresponding theoretical justification depend on the assumption that the
possible configurations of inputs are finite, like binary variables. The
purpose of this paper is to generalize SSD for Gaussian RBM being capable of
mod- eling continuous data, regardless of the previous assumption. We propose
the gradient descent methods in non-Euclidean space of parameters, via de-
riving the upper bounds of logarithmic partition function for RBMs based on
Schatten-infinity norm. We empirically show that the advantage and improvement
of SSD over stochastic gradient descent (SGD).
|
Particle Filtering for PLCA model with Application to Music
Transcription | Automatic Music Transcription (AMT) consists in automatically estimating the
notes in an audio recording, through three attributes: onset time, duration and
pitch. Probabilistic Latent Component Analysis (PLCA) has become very popular
for this task. PLCA is a spectrogram factorization method, able to model a
magnitude spectrogram as a linear combination of spectral vectors from a
dictionary. Such methods use the Expectation-Maximization (EM) algorithm to
estimate the parameters of the acoustic model. This algorithm presents
well-known inherent defaults (local convergence, initialization dependency),
making EM-based systems limited in their applications to AMT, particularly in
regards to the mathematical form and number of priors. To overcome such limits,
we propose in this paper to employ a different estimation framework based on
Particle Filtering (PF), which consists in sampling the posterior distribution
over larger parameter ranges. This framework proves to be more robust in
parameter estimation, more flexible and unifying in the integration of prior
knowledge in the system. Note-level transcription accuracies of 61.8 $\%$ and
59.5 $\%$ were achieved on evaluation sound datasets of two different
instrument repertoires, including the classical piano (from MAPS dataset) and
the marovany zither, and direct comparisons to previous PLCA-based approaches
are provided. Steps for further development are also outlined.
|
Two-Stream RNN/CNN for Action Recognition in 3D Videos | The recognition of actions from video sequences has many applications in
health monitoring, assisted living, surveillance, and smart homes. Despite
advances in sensing, in particular related to 3D video, the methodologies to
process the data are still subject to research. We demonstrate superior results
by a system which combines recurrent neural networks with convolutional neural
networks in a voting approach. The gated-recurrent-unit-based neural networks
are particularly well-suited to distinguish actions based on long-term
information from optical tracking data; the 3D-CNNs focus more on detailed,
recent information from video data. The resulting features are merged in an SVM
which then classifies the movement. In this architecture, our method improves
recognition rates of state-of-the-art methods by 14% on standard data sets.
|
Perception Driven Texture Generation | This paper investigates a novel task of generating texture images from
perceptual descriptions. Previous work on texture generation focused on either
synthesis from examples or generation from procedural models. Generating
textures from perceptual attributes have not been well studied yet. Meanwhile,
perceptual attributes, such as directionality, regularity and roughness are
important factors for human observers to describe a texture. In this paper, we
propose a joint deep network model that combines adversarial training and
perceptual feature regression for texture generation, while only random noise
and user-defined perceptual attributes are required as input. In this model, a
preliminary trained convolutional neural network is essentially integrated with
the adversarial framework, which can drive the generated textures to possess
given perceptual attributes. An important aspect of the proposed model is that,
if we change one of the input perceptual features, the corresponding appearance
of the generated textures will also be changed. We design several experiments
to validate the effectiveness of the proposed method. The results show that the
proposed method can produce high quality texture images with desired perceptual
properties.
|
Deceiving Google's Cloud Video Intelligence API Built for Summarizing
Videos | Despite the rapid progress of the techniques for image classification, video
annotation has remained a challenging task. Automated video annotation would be
a breakthrough technology, enabling users to search within the videos.
Recently, Google introduced the Cloud Video Intelligence API for video
analysis. As per the website, the system can be used to "separate signal from
noise, by retrieving relevant information at the video, shot or per frame"
level. A demonstration website has been also launched, which allows anyone to
select a video for annotation. The API then detects the video labels (objects
within the video) as well as shot labels (description of the video events over
time). In this paper, we examine the usability of the Google's Cloud Video
Intelligence API in adversarial environments. In particular, we investigate
whether an adversary can subtly manipulate a video in such a way that the API
will return only the adversary-desired labels. For this, we select an image,
which is different from the video content, and insert it, periodically and at a
very low rate, into the video. We found that if we insert one image every two
seconds, the API is deceived into annotating the video as if it only contained
the inserted image. Note that the modification to the video is hardly
noticeable as, for instance, for a typical frame rate of 25, we insert only one
image per 50 video frames. We also found that, by inserting one image per
second, all the shot labels returned by the API are related to the inserted
image. We perform the experiments on the sample videos provided by the API
demonstration website and show that our attack is successful with different
videos and images.
|
Disruptive Event Classification using PMU Data in Distribution Networks | Proliferation of advanced metering devices with high sampling rates in
distribution grids, e.g., micro-phasor measurement units ({\mu}PMU), provides
unprecedented potentials for wide-area monitoring and diagnostic applications,
e.g., situational awareness, health monitoring of distribution assets.
Unexpected disruptive events interrupting the normal operation of assets in
distribution grids can eventually lead to permanent failure with expensive
replacement cost over time. Therefore, disruptive event classification provides
useful information for preventive maintenance of the assets in distribution
networks. Preventive maintenance provides wide range of benefits in terms of
time, avoiding unexpected outages, maintenance crew utilization, and equipment
replacement cost. In this paper, a PMU-data-driven framework is proposed for
classification of disruptive events in distribution networks. The two
disruptive events, i.e., malfunctioned capacitor bank switching and
malfunctioned regulator on-load tap changer (OLTC) switching are considered and
distinguished from the normal abrupt load change in distribution grids. The
performance of the proposed framework is verified using the simulation of the
events in the IEEE 13-bus distribution network. The event classification is
formulated using two different algorithms as; i) principle component analysis
(PCA) together with multi-class support vector machine (SVM), and ii)
autoencoder along with softmax classifier. The results demonstrate the
effectiveness of the proposed algorithms and satisfactory classification
accuracies.
|
A Deep Compositional Framework for Human-like Language Acquisition in
Virtual Environment | We tackle a task where an agent learns to navigate in a 2D maze-like
environment called XWORLD. In each session, the agent perceives a sequence of
raw-pixel frames, a natural language command issued by a teacher, and a set of
rewards. The agent learns the teacher's language from scratch in a grounded and
compositional manner, such that after training it is able to correctly execute
zero-shot commands: 1) the combination of words in the command never appeared
before, and/or 2) the command contains new object concepts that are learned
from another task but never learned from navigation. Our deep framework for the
agent is trained end to end: it learns simultaneously the visual
representations of the environment, the syntax and semantics of the language,
and the action module that outputs actions. The zero-shot learning capability
of our framework results from its compositionality and modularity with
parameter tying. We visualize the intermediate outputs of the framework,
demonstrating that the agent truly understands how to solve the problem. We
believe that our results provide some preliminary insights on how to train an
agent with similar abilities in a 3D environment.
|
Theory II: Landscape of the Empirical Risk in Deep Learning | Previous theoretical work on deep learning and neural network optimization
tend to focus on avoiding saddle points and local minima. However, the
practical observation is that, at least in the case of the most successful Deep
Convolutional Neural Networks (DCNNs), practitioners can always increase the
network size to fit the training data (an extreme example would be [1]). The
most successful DCNNs such as VGG and ResNets are best used with a degree of
"overparametrization". In this work, we characterize with a mix of theory and
experiments, the landscape of the empirical risk of overparametrized DCNNs. We
first prove in the regression framework the existence of a large number of
degenerate global minimizers with zero empirical error (modulo inconsistent
equations). The argument that relies on the use of Bezout theorem is rigorous
when the RELUs are replaced by a polynomial nonlinearity (which empirically
works as well). As described in our Theory III [2] paper, the same minimizers
are degenerate and thus very likely to be found by SGD that will furthermore
select with higher probability the most robust zero-minimizer. We further
experimentally explored and visualized the landscape of empirical risk of a
DCNN on CIFAR-10 during the entire training process and especially the global
minima. Finally, based on our theoretical and experimental results, we propose
an intuitive model of the landscape of DCNN's empirical loss surface, which
might not be as complicated as people commonly believe.
|
Inverse Risk-Sensitive Reinforcement Learning | We address the problem of inverse reinforcement learning in Markov decision
processes where the agent is risk-sensitive. In particular, we model
risk-sensitivity in a reinforcement learning framework by making use of models
of human decision-making having their origins in behavioral psychology,
behavioral economics, and neuroscience. We propose a gradient-based inverse
reinforcement learning algorithm that minimizes a loss function defined on the
observed behavior. We demonstrate the performance of the proposed technique on
two examples, the first of which is the canonical Grid World example and the
second of which is a Markov decision process modeling passengers' decisions
regarding ride-sharing. In the latter, we use pricing and travel time data from
a ride-sharing company to construct the transition probabilities and rewards of
the Markov decision process.
|
Multi-Scale Dense Networks for Resource Efficient Image Classification | In this paper we investigate image classification with computational resource
limits at test time. Two such settings are: 1. anytime classification, where
the network's prediction for a test example is progressively updated,
facilitating the output of a prediction at any time; and 2. budgeted batch
classification, where a fixed amount of computation is available to classify a
set of examples that can be spent unevenly across "easier" and "harder" inputs.
In contrast to most prior work, such as the popular Viola and Jones algorithm,
our approach is based on convolutional neural networks. We train multiple
classifiers with varying resource demands, which we adaptively apply during
test time. To maximally re-use computation between the classifiers, we
incorporate them as early-exits into a single deep convolutional neural network
and inter-connect them with dense connectivity. To facilitate high quality
classification early on, we use a two-dimensional multi-scale network
architecture that maintains coarse and fine level features all-throughout the
network. Experiments on three image-classification tasks demonstrate that our
framework substantially improves the existing state-of-the-art in both
settings.
|
Solar Power Forecasting Using Support Vector Regression | Generation and load balance is required in the economic scheduling of
generating units in the smart grid. Variable energy generations, particularly
from wind and solar energy resources, are witnessing a rapid boost, and, it is
anticipated that with a certain level of their penetration, they can become
noteworthy sources of uncertainty. As in the case of load demand, energy
forecasting can also be used to mitigate some of the challenges that arise from
the uncertainty in the resource. While wind energy forecasting research is
considered mature, solar energy forecasting is witnessing a steadily growing
attention from the research community. This paper presents a support vector
regression model to produce solar power forecasts on a rolling basis for 24
hours ahead over an entire year, to mimic the practical business of energy
forecasting. Twelve weather variables are considered from a high-quality
benchmark dataset and new variables are extracted. The added value of the heat
index and wind speed as additional variables to the model is studied across
different seasons. The support vector regression model performance is compared
with artificial neural networks and multiple linear regression models for
energy forecasting.
|
LabelBank: Revisiting Global Perspectives for Semantic Segmentation | Semantic segmentation requires a detailed labeling of image pixels by object
category. Information derived from local image patches is necessary to describe
the detailed shape of individual objects. However, this information is
ambiguous and can result in noisy labels. Global inference of image content can
instead capture the general semantic concepts present. We advocate that
holistic inference of image concepts provides valuable information for detailed
pixel labeling. We propose a generic framework to leverage holistic information
in the form of a LabelBank for pixel-level segmentation.
We show the ability of our framework to improve semantic segmentation
performance in a variety of settings. We learn models for extracting a holistic
LabelBank from visual cues, attributes, and/or textual descriptions. We
demonstrate improvements in semantic segmentation accuracy on standard datasets
across a range of state-of-the-art segmentation architectures and holistic
inference approaches.
|
Grouped Convolutional Neural Networks for Multivariate Time Series | Analyzing multivariate time series data is important for many applications
such as automated control, fault diagnosis and anomaly detection. One of the
key challenges is to learn latent features automatically from dynamically
changing multivariate input. In visual recognition tasks, convolutional neural
networks (CNNs) have been successful to learn generalized feature extractors
with shared parameters over the spatial domain. However, when high-dimensional
multivariate time series is given, designing an appropriate CNN model structure
becomes challenging because the kernels may need to be extended through the
full dimension of the input volume. To address this issue, we present two
structure learning algorithms for deep CNN models. Our algorithms exploit the
covariance structure over multiple time series to partition input volume into
groups. The first algorithm learns the group CNN structures explicitly by
clustering individual input sequences. The second algorithm learns the group
CNN structures implicitly from the error backpropagation. In experiments with
two real-world datasets, we demonstrate that our group CNNs outperform existing
CNN based regression methods.
|
Efficient Private ERM for Smooth Objectives | In this paper, we consider efficient differentially private empirical risk
minimization from the viewpoint of optimization algorithms. For strongly convex
and smooth objectives, we prove that gradient descent with output perturbation
not only achieves nearly optimal utility, but also significantly improves the
running time of previous state-of-the-art private optimization algorithms, for
both $\epsilon$-DP and $(\epsilon, \delta)$-DP. For non-convex but smooth
objectives, we propose an RRPSGD (Random Round Private Stochastic Gradient
Descent) algorithm, which provably converges to a stationary point with privacy
guarantee. Besides the expected utility bounds, we also provide guarantees in
high probability form. Experiments demonstrate that our algorithm consistently
outperforms existing method in both utility and running time.
|
Marginal likelihood based model comparison in Fuzzy Bayesian Learning | In a recent paper [1] we introduced the Fuzzy Bayesian Learning (FBL)
paradigm where expert opinions can be encoded in the form of fuzzy rule bases
and the hyper-parameters of the fuzzy sets can be learned from data using a
Bayesian approach. The present paper extends this work for selecting the most
appropriate rule base among a set of competing alternatives, which best
explains the data, by calculating the model evidence or marginal likelihood. We
explain why this is an attractive alternative over simply minimizing a mean
squared error metric of prediction and show the validity of the proposition
using synthetic examples and a real world case study in the financial services
sector.
|
Probabilistic Line Searches for Stochastic Optimization | In deterministic optimization, line searches are a standard tool ensuring
stability and efficiency. Where only stochastic gradients are available, no
direct equivalent has so far been formulated, because uncertain gradients do
not allow for a strict sequence of decisions collapsing the search space. We
construct a probabilistic line search by combining the structure of existing
deterministic methods with notions from Bayesian optimization. Our method
retains a Gaussian process surrogate of the univariate optimization objective,
and uses a probabilistic belief over the Wolfe conditions to monitor the
descent. The algorithm has very low computational cost, and no user-controlled
parameters. Experiments show that it effectively removes the need to define a
learning rate for stochastic gradient descent.
|
Cohesion-based Online Actor-Critic Reinforcement Learning for mHealth
Intervention | In the wake of the vast population of smart device users worldwide, mobile
health (mHealth) technologies are hopeful to generate positive and wide
influence on people's health. They are able to provide flexible, affordable and
portable health guides to device users. Current online decision-making methods
for mHealth assume that the users are completely heterogeneous. They share no
information among users and learn a separate policy for each user. However,
data for each user is very limited in size to support the separate online
learning, leading to unstable policies that contain lots of variances. Besides,
we find the truth that a user may be similar with some, but not all, users, and
connected users tend to have similar behaviors. In this paper, we propose a
network cohesion constrained (actor-critic) Reinforcement Learning (RL) method
for mHealth. The goal is to explore how to share information among similar
users to better convert the limited user information into sharper learned
policies. To the best of our knowledge, this is the first online actor-critic
RL for mHealth and first network cohesion constrained (actor-critic) RL method
in all applications. The network cohesion is important to derive effective
policies. We come up with a novel method to learn the network by using the warm
start trajectory, which directly reflects the users' property. The optimization
of our model is difficult and very different from the general supervised
learning due to the indirect observation of values. As a contribution, we
propose two algorithms for the proposed online RLs. Apart from mHealth, the
proposed methods can be easily applied or adapted to other health-related
tasks. Extensive experiment results on the HeartSteps dataset demonstrates that
in a variety of parameter settings, the proposed two methods obtain obvious
improvements over the state-of-the-art methods.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.