title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Generative Adversarial Parallelization | Generative Adversarial Networks have become one of the most studied
frameworks for unsupervised learning due to their intuitive formulation. They
have also been shown to be capable of generating convincing examples in limited
domains, such as low-resolution images. However, they still prove difficult to
train in practice and tend to ignore modes of the data generating distribution.
Quantitatively capturing effects such as mode coverage and more generally the
quality of the generative model still remain elusive. We propose Generative
Adversarial Parallelization, a framework in which many GANs or their variants
are trained simultaneously, exchanging their discriminators. This eliminates
the tight coupling between a generator and discriminator, leading to improved
convergence and improved coverage of modes. We also propose an improved variant
of the recently proposed Generative Adversarial Metric and show how it can
score individual GANs or their collections under the GAP model.
|
Distributed Multi-Task Relationship Learning | Multi-task learning aims to learn multiple tasks jointly by exploiting their
relatedness to improve the generalization performance for each task.
Traditionally, to perform multi-task learning, one needs to centralize data
from all the tasks to a single machine. However, in many real-world
applications, data of different tasks may be geo-distributed over different
local machines. Due to heavy communication caused by transmitting the data and
the issue of data privacy and security, it is impossible to send data of
different task to a master machine to perform multi-task learning. Therefore,
in this paper, we propose a distributed multi-task learning framework that
simultaneously learns predictive models for each task as well as task
relationships between tasks alternatingly in the parameter server paradigm. In
our framework, we first offer a general dual form for a family of regularized
multi-task relationship learning methods. Subsequently, we propose a
communication-efficient primal-dual distributed optimization algorithm to solve
the dual problem by carefully designing local subproblems to make the dual
problem decomposable. Moreover, we provide a theoretical convergence analysis
for the proposed algorithm, which is specific for distributed multi-task
relationship learning. We conduct extensive experiments on both synthetic and
real-world datasets to evaluate our proposed framework in terms of
effectiveness and convergence.
|
DizzyRNN: Reparameterizing Recurrent Neural Networks for Norm-Preserving
Backpropagation | The vanishing and exploding gradient problems are well-studied obstacles that
make it difficult for recurrent neural networks to learn long-term time
dependencies. We propose a reparameterization of standard recurrent neural
networks to update linear transformations in a provably norm-preserving way
through Givens rotations. Additionally, we use the absolute value function as
an element-wise non-linearity to preserve the norm of backpropagated signals
over the entire network. We show that this reparameterization reduces the
number of parameters and maintains the same algorithmic complexity as a
standard recurrent neural network, while outperforming standard recurrent
neural networks with orthogonal initializations and Long Short-Term Memory
networks on the copy problem.
|
Theory and Tools for the Conversion of Analog to Spiking Convolutional
Neural Networks | Deep convolutional neural networks (CNNs) have shown great potential for
numerous real-world machine learning applications, but performing inference in
large CNNs in real-time remains a challenge. We have previously demonstrated
that traditional CNNs can be converted into deep spiking neural networks
(SNNs), which exhibit similar accuracy while reducing both latency and
computational load as a consequence of their data-driven, event-based style of
computing. Here we provide a novel theory that explains why this conversion is
successful, and derive from it several new tools to convert a larger and more
powerful class of deep networks into SNNs. We identify the main sources of
approximation errors in previous conversion methods, and propose simple
mechanisms to fix these issues. Furthermore, we develop spiking implementations
of common CNN operations such as max-pooling, softmax, and batch-normalization,
which allow almost loss-less conversion of arbitrary CNN architectures into the
spiking domain. Empirical evaluation of different network architectures on the
MNIST and CIFAR10 benchmarks leads to the best SNN results reported to date.
|
Joint Bayesian Gaussian discriminant analysis for speaker verification | State-of-the-art i-vector based speaker verification relies on variants of
Probabilistic Linear Discriminant Analysis (PLDA) for discriminant analysis. We
are mainly motivated by the recent work of the joint Bayesian (JB) method,
which is originally proposed for discriminant analysis in face verification. We
apply JB to speaker verification and make three contributions beyond the
original JB. 1) In contrast to the EM iterations with approximated statistics
in the original JB, the EM iterations with exact statistics are employed and
give better performance. 2) We propose to do simultaneous diagonalization (SD)
of the within-class and between-class covariance matrices to achieve efficient
testing, which has broader application scope than the SVD-based efficient
testing method in the original JB. 3) We scrutinize similarities and
differences between various Gaussian PLDAs and JB, complementing the previous
analysis of comparing JB only with Prince-Elder PLDA. Extensive experiments are
conducted on NIST SRE10 core condition 5, empirically validating the
superiority of JB with faster convergence rate and 9-13% EER reduction compared
with state-of-the-art PLDA.
|
Corporate Disruption in the Science of Machine Learning | This MSc dissertation considers the effects of the current corporate interest
on researchers in the field of machine learning. Situated within the field's
cyclical history of academic, public and corporate interest, this dissertation
investigates how current researchers view recent developments and negotiate
their own research practices within an environment of increased commercial
interest and funding. The original research consists of in-depth interviews
with 12 machine learning researchers working in both academia and industry.
Building on theory from science, technology and society studies, this
dissertation problematizes the traditional narratives of the neoliberalization
of academic research by allowing the researchers themselves to discuss how
their career choices, working environments and interactions with others in the
field have been affected by the reinvigorated corporate interest of recent
years.
|
Parsimonious Online Learning with Kernels via Sparse Projections in
Function Space | Despite their attractiveness, popular perception is that techniques for
nonparametric function approximation do not scale to streaming data due to an
intractable growth in the amount of storage they require. To solve this problem
in a memory-affordable way, we propose an online technique based on functional
stochastic gradient descent in tandem with supervised sparsification based on
greedy function subspace projections. The method, called parsimonious online
learning with kernels (POLK), provides a controllable tradeoff? between its
solution accuracy and the amount of memory it requires. We derive conditions
under which the generated function sequence converges almost surely to the
optimal function, and we establish that the memory requirement remains finite.
We evaluate POLK for kernel multi-class logistic regression and kernel
hinge-loss classification on three canonical data sets: a synthetic Gaussian
mixture model, the MNIST hand-written digits, and the Brodatz texture database.
On all three tasks, we observe a favorable tradeoff of objective function
evaluation, classification performance, and complexity of the nonparametric
regressor extracted the proposed method.
|
Upper Bound of Bayesian Generalization Error in Non-negative Matrix
Factorization | Non-negative matrix factorization (NMF) is a new knowledge discovery method
that is used for text mining, signal processing, bioinformatics, and consumer
analysis. However, its basic property as a learning machine is not yet
clarified, as it is not a regular statistical model, resulting that theoretical
optimization method of NMF has not yet established. In this paper, we study the
real log canonical threshold of NMF and give an upper bound of the
generalization error in Bayesian learning. The results show that the
generalization error of the matrix factorization can be made smaller than
regular statistical models if Bayesian learning is applied.
|
Information Extraction with Character-level Neural Networks and Free
Noisy Supervision | We present an architecture for information extraction from text that augments
an existing parser with a character-level neural network. The network is
trained using a measure of consistency of extracted data with existing
databases as a form of noisy supervision. Our architecture combines the ability
of constraint-based information extraction systems to easily incorporate domain
knowledge and constraints with the ability of deep neural networks to leverage
large amounts of data to learn complex features. Boosting the existing parser's
precision, the system led to large improvements over a mature and highly tuned
constraint-based production information extraction system used at Bloomberg for
financial language text.
|
TF.Learn: TensorFlow's High-level Module for Distributed Machine
Learning | TF.Learn is a high-level Python module for distributed machine learning
inside TensorFlow. It provides an easy-to-use Scikit-learn style interface to
simplify the process of creating, configuring, training, evaluating, and
experimenting a machine learning model. TF.Learn integrates a wide range of
state-of-art machine learning algorithms built on top of TensorFlow's low level
APIs for small to large-scale supervised and unsupervised problems. This module
focuses on bringing machine learning to non-specialists using a general-purpose
high-level language as well as researchers who want to implement, benchmark,
and compare their new methods in a structured environment. Emphasis is put on
ease of use, performance, documentation, and API consistency.
|
Neuro-symbolic representation learning on biological knowledge graphs | Motivation: Biological data and knowledge bases increasingly rely on Semantic
Web technologies and the use of knowledge graphs for data integration,
retrieval and federated queries. In the past years, feature learning methods
that are applicable to graph-structured data are becoming available, but have
not yet widely been applied and evaluated on structured biological knowledge.
Results: We develop a novel method for feature learning on biological knowledge
graphs. Our method combines symbolic methods, in particular knowledge
representation using symbolic logic and automated reasoning, with neural
networks to generate embeddings of nodes that encode for related information
within knowledge graphs. Through the use of symbolic logic, these embeddings
contain both explicit and implicit information. We apply these embeddings to
the prediction of edges in the knowledge graph representing problems of
function prediction, finding candidate genes of diseases, protein-protein
interactions, or drug target relations, and demonstrate performance that
matches and sometimes outperforms traditional approaches based on manually
crafted features. Our method can be applied to any biological knowledge graph,
and will thereby open up the increasing amount of Semantic Web based knowledge
bases in biology to use in machine learning and data analytics. Availability
and Implementation:
https://github.com/bio-ontology-research-group/walking-rdf-and-owl Contact:
[email protected]
|
An equation-of-state-meter of QCD transition from deep learning | Supervised learning with a deep convolutional neural network is used to
identify the QCD equation of state (EoS) employed in relativistic hydrodynamic
simulations of heavy-ion collisions from the simulated final-state particle
spectra $\rho(p_T,\Phi)$. High-level correlations of $\rho(p_T,\Phi)$ learned
by the neural network act as an effective "EoS-meter" in detecting the nature
of the QCD transition. The EoS-meter is model independent and insensitive to
other simulation inputs, especially the initial conditions. Thus it provides a
powerful direct-connection of heavy-ion collision observables with the bulk
properties of QCD.
|
Towards Adaptive Training of Agent-based Sparring Partners for Fighter
Pilots | A key requirement for the current generation of artificial decision-makers is
that they should adapt well to changes in unexpected situations. This paper
addresses the situation in which an AI for aerial dog fighting, with tunable
parameters that govern its behavior, must optimize behavior with respect to an
objective function that is evaluated and learned through simulations. Bayesian
optimization with a Gaussian Process surrogate is used as the method for
investigating the objective function. One key benefit is that during
optimization, the Gaussian Process learns a global estimate of the true
objective function, with predicted outcomes and a statistical measure of
confidence in areas that haven't been investigated yet. Having a model of the
objective function is important for being able to understand possible outcomes
in the decision space; for example this is crucial for training and providing
feedback to human pilots. However, standard Bayesian optimization does not
perform consistently or provide an accurate Gaussian Process surrogate function
for highly volatile objective functions. We treat these problems by introducing
a novel sampling technique called Hybrid Repeat/Multi-point Sampling. This
technique gives the AI ability to learn optimum behaviors in a highly uncertain
environment. More importantly, it not only improves the reliability of the
optimization, but also creates a better model of the entire objective surface.
With this improved model the agent is equipped to more accurately/efficiently
predict performance in unexplored scenarios.
|
Incorporating Human Domain Knowledge into Large Scale Cost Function
Learning | Recent advances have shown the capability of Fully Convolutional Neural
Networks (FCN) to model cost functions for motion planning in the context of
learning driving preferences purely based on demonstration data from human
drivers. While pure learning from demonstrations in the framework of Inverse
Reinforcement Learning (IRL) is a promising approach, we can benefit from well
informed human priors and incorporate them into the learning process. Our work
achieves this by pretraining a model to regress to a manual cost function and
refining it based on Maximum Entropy Deep Inverse Reinforcement Learning. When
injecting prior knowledge as pretraining for the network, we achieve higher
robustness, more visually distinct obstacle boundaries, and the ability to
capture instances of obstacles that elude models that purely learn from
demonstration data. Furthermore, by exploiting these human priors, the
resulting model can more accurately handle corner cases that are scarcely seen
in the demonstration data, such as stairs, slopes, and underpasses.
|
Fast Patch-based Style Transfer of Arbitrary Style | Artistic style transfer is an image synthesis problem where the content of an
image is reproduced with the style of another. Recent works show that a
visually appealing style transfer can be achieved by using the hidden
activations of a pretrained convolutional neural network. However, existing
methods either apply (i) an optimization procedure that works for any style
image but is very expensive, or (ii) an efficient feedforward network that only
allows a limited number of trained styles. In this work we propose a simpler
optimization objective based on local matching that combines the content
structure and style textures in a single layer of the pretrained network. We
show that our objective has desirable properties such as a simpler optimization
landscape, intuitive parameter tuning, and consistent frame-by-frame
performance on video. Furthermore, we use 80,000 natural images and 80,000
paintings to train an inverse network that approximates the result of the
optimization. This results in a procedure for artistic style transfer that is
efficient but also allows arbitrary content and style images.
|
End-to-End Deep Reinforcement Learning for Lane Keeping Assist | Reinforcement learning is considered to be a strong AI paradigm which can be
used to teach machines through interaction with the environment and learning
from their mistakes, but it has not yet been successfully used for automotive
applications. There has recently been a revival of interest in the topic,
however, driven by the ability of deep learning algorithms to learn good
representations of the environment. Motivated by Google DeepMind's successful
demonstrations of learning for games from Breakout to Go, we will propose
different methods for autonomous driving using deep reinforcement learning.
This is of particular interest as it is difficult to pose autonomous driving as
a supervised learning problem as it has a strong interaction with the
environment including other vehicles, pedestrians and roadworks. As this is a
relatively new area of research for autonomous driving, we will formulate two
main categories of algorithms: 1) Discrete actions category, and 2) Continuous
actions category. For the discrete actions category, we will deal with Deep
Q-Network Algorithm (DQN) while for the continuous actions category, we will
deal with Deep Deterministic Actor Critic Algorithm (DDAC). In addition to
that, We will also discover the performance of these two categories on an open
source car simulator for Racing called (TORCS) which stands for The Open Racing
car Simulator. Our simulation results demonstrate learning of autonomous
maneuvering in a scenario of complex road curvatures and simple interaction
with other vehicles. Finally, we explain the effect of some restricted
conditions, put on the car during the learning phase, on the convergence time
for finishing its learning phase.
|
Stacked Generative Adversarial Networks | In this paper, we propose a novel generative model named Stacked Generative
Adversarial Networks (SGAN), which is trained to invert the hierarchical
representations of a bottom-up discriminative network. Our model consists of a
top-down stack of GANs, each learned to generate lower-level representations
conditioned on higher-level representations. A representation discriminator is
introduced at each feature hierarchy to encourage the representation manifold
of the generator to align with that of the bottom-up discriminative network,
leveraging the powerful discriminative representations to guide the generative
model. In addition, we introduce a conditional loss that encourages the use of
conditional information from the layer above, and a novel entropy loss that
maximizes a variational lower bound on the conditional entropy of generator
outputs. We first train each stack independently, and then train the whole
model end-to-end. Unlike the original GAN that uses a single noise vector to
represent all the variations, our SGAN decomposes variations into multiple
levels and gradually resolves uncertainties in the top-down generative process.
Based on visual inspection, Inception scores and visual Turing test, we
demonstrate that SGAN is able to generate images of much higher quality than
GANs without stacking.
|
Inferring object rankings based on noisy pairwise comparisons from
multiple annotators | Ranking a set of objects involves establishing an order allowing for
comparisons between any pair of objects in the set. Oftentimes, due to the
unavailability of a ground truth of ranked orders, researchers resort to
obtaining judgments from multiple annotators followed by inferring the ground
truth based on the collective knowledge of the crowd. However, the aggregation
is often ad-hoc and involves imposing stringent assumptions in inferring the
ground truth (e.g. majority vote). In this work, we propose
Expectation-Maximization (EM) based algorithms that rely on the judgments from
multiple annotators and the object attributes for inferring the latent ground
truth. The algorithm learns the relation between the latent ground truth and
object attributes as well as annotator specific probabilities of flipping, a
metric to assess annotator quality. We further extend the EM algorithm to allow
for a variable probability of flipping based on the pair of objects at hand. We
test our algorithms on two data sets with synthetic annotations and investigate
the impact of annotator quality and quantity on the inferred ground truth. We
also obtain the results on two other data sets with annotations from
machine/human annotators and interpret the output trends based on the data
characteristics.
|
User Model-Based Intent-Aware Metrics for Multilingual Search Evaluation | Despite the growing importance of multilingual aspect of web search, no
appropriate offline metrics to evaluate its quality are proposed so far. At the
same time, personal language preferences can be regarded as intents of a query.
This approach translates the multilingual search problem into a particular task
of search diversification. Furthermore, the standard intent-aware approach
could be adopted to build a diversified metric for multilingual search on the
basis of a classical IR metric such as ERR. The intent-aware approach estimates
user satisfaction under a user behavior model. We show however that the
underlying user behavior models is not realistic in the multilingual case, and
the produced intent-aware metric do not appropriately estimate the user
satisfaction. We develop a novel approach to build intent-aware user behavior
models, which overcome these limitations and convert to quality metrics that
better correlate with standard online metrics of user satisfaction.
|
Improving Neural Language Models with a Continuous Cache | We propose an extension to neural network language models to adapt their
prediction to the recent history. Our model is a simplified version of memory
augmented networks, which stores past hidden activations as memory and accesses
them through a dot product with the current hidden activation. This mechanism
is very efficient and scales to very large memory sizes. We also draw a link
between the use of external memory in neural network and cache models used with
count based language models. We demonstrate on several language model datasets
that our approach performs significantly better than recent memory augmented
networks.
|
Identification of Cancer Patient Subgroups via Smoothed Shortest Path
Graph Kernel | Characterizing patient somatic mutations through next-generation sequencing
technologies opens up possibilities for refining cancer subtypes. However,
catalogues of mutations reveal that only a small fraction of the genes are
altered frequently in patients. On the other hand different genomic alterations
may perturb the same pathways. We propose a novel clustering procedure that
quantifies the similarities of patients from their mutational profile on
pathways via a novel graph kernel. We represent each KEGG pathway as an
undirected graph. For each patient the vertex labels are assigned based on her
altered genes. Smoothed shortest path graph kernel (smSPK) evaluates each pair
of patients by comparing their vertex labeled pathway graphs. Our clustering
procedure involves two steps: the smSPK kernel matrix derived for each pathway
are input to kernel k-means algorithm and each pathway is evaluated
individually. In the next step, only those pathways that are successful are
combined in to a single kernel input to kernel k-means to stratify patients.
Evaluating the procedure on simulated data showed that smSPK clusters patients
up to 88\% accuracy. Finally to identify ovarian cancer patient subgroups, we
apply our methodology to the cancer genome atlas ovarian data that involves 481
patients. The identified subgroups are evaluated through survival analysis.
Grouping patients into four clusters results with patients groups that are
significantly different in their survival times ($p$-value $\le 0.005$).
|
Disentangling Space and Time in Video with Hierarchical Variational
Auto-encoders | There are many forms of feature information present in video data. Principle
among them are object identity information which is largely static across
multiple video frames, and object pose and style information which continuously
transforms from frame to frame. Most existing models confound these two types
of representation by mapping them to a shared feature space. In this paper we
propose a probabilistic approach for learning separable representations of
object identity and pose information using unsupervised video data. Our
approach leverages a deep generative model with a factored prior distribution
that encodes properties of temporal invariances in the hidden feature set.
Learning is achieved via variational inference. We present results of learning
identity and pose information on a dataset of moving characters as well as a
dataset of rotating 3D objects. Our experimental results demonstrate our
model's success in factoring its representation, and demonstrate that the model
achieves improved performance in transfer learning tasks.
|
Retrieving sinusoids from nonuniformly sampled data using recursive
formulation | A heuristic procedure based on novel recursive formulation of sinusoid (RFS)
and on regression with predictive least-squares (LS) enables to decompose both
uniformly and nonuniformly sampled 1-d signals into a sparse set of sinusoids
(SSS). An optimal SSS is found by Levenberg-Marquardt (LM) optimization of RFS
parameters of near-optimal sinusoids combined with common criteria for the
estimation of the number of sinusoids embedded in noise. The procedure
estimates both the cardinality and the parameters of SSS. The proposed
algorithm enables to identify the RFS parameters of a sinusoid from a data
sequence containing only a fraction of its cycle. In extreme cases when the
frequency of a sinusoid approaches zero the algorithm is able to detect a
linear trend in data. Also, an irregular sampling pattern enables the algorithm
to correctly reconstruct the under-sampled sinusoid. Parsimonious nature of the
obtaining models opens the possibilities of using the proposed method in
machine learning and in expert and intelligent systems needing analysis and
simple representation of 1-d signals. The properties of the proposed algorithm
are evaluated on examples of irregularly sampled artificial signals in noise
and are compared with high accuracy frequency estimation algorithms based on
linear prediction (LP) approach, particularly with respect to Cramer-Rao Bound
(CRB).
|
Predicting Process Behaviour using Deep Learning | Predicting business process behaviour is an important aspect of business
process management. Motivated by research in natural language processing, this
paper describes an application of deep learning with recurrent neural networks
to the problem of predicting the next event in a business process. This is both
a novel method in process prediction, which has largely relied on explicit
process models, and also a novel application of deep learning methods. The
approach is evaluated on two real datasets and our results surpass the
state-of-the-art in prediction precision.
|
Harmonic Networks: Deep Translation and Rotation Equivariance | Translating or rotating an input image should not affect the results of many
computer vision tasks. Convolutional neural networks (CNNs) are already
translation equivariant: input image translations produce proportionate feature
map translations. This is not the case for rotations. Global rotation
equivariance is typically sought through data augmentation, but patch-wise
equivariance is more difficult. We present Harmonic Networks or H-Nets, a CNN
exhibiting equivariance to patch-wise translation and 360-rotation. We achieve
this by replacing regular CNN filters with circular harmonics, returning a
maximal response and orientation for every receptive field patch.
H-Nets use a rich, parameter-efficient and low computational complexity
representation, and we show that deep feature maps within the network encode
complicated rotational invariants. We demonstrate that our layers are general
enough to be used in conjunction with the latest architectures and techniques,
such as deep supervision and batch normalization. We also achieve
state-of-the-art classification on rotated-MNIST, and competitive results on
other benchmark challenges.
|
Stable Memory Allocation in the Hippocampus: Fundamental Limits and
Neural Realization | It is believed that hippocampus functions as a memory allocator in brain, the
mechanism of which remains unrevealed. In Valiant's neuroidal model, the
hippocampus was described as a randomly connected graph, the computation on
which maps input to a set of activated neuroids with stable size. Valiant
proposed three requirements for the hippocampal circuit to become a stable
memory allocator (SMA): stability, continuity and orthogonality. The
functionality of SMA in hippocampus is essential in further computation within
cortex, according to Valiant's model.
In this paper, we put these requirements for memorization functions into
rigorous mathematical formulation and introduce the concept of capacity, based
on the probability of erroneous allocation. We prove fundamental limits for the
capacity and error probability of SMA, in both data-independent and
data-dependent settings. We also establish an example of stable memory
allocator that can be implemented via neuroidal circuits. Both theoretical
bounds and simulation results show that the neural SMA functions well.
|
An Architecture for Deep, Hierarchical Generative Models | We present an architecture which lets us train deep, directed generative
models with many layers of latent variables. We include deterministic paths
between all latent variables and the generated output, and provide a richer set
of connections between computations for inference and generation, which enables
more effective communication of information throughout the model during
training. To improve performance on natural images, we incorporate a
lightweight autoregressive model in the reconstruction distribution. These
techniques permit end-to-end training of models with 10+ layers of latent
variables. Experiments show that our approach achieves state-of-the-art
performance on standard image modelling benchmarks, can expose latent class
structure in the absence of label information, and can provide convincing
imputations of occluded regions in natural images.
|
Incorporating Language Level Information into Acoustic Models | This paper proposed a class of novel Deep Recurrent Neural Networks which can
incorporate language-level information into acoustic models. For simplicity, we
named these networks Recurrent Deep Language Networks (RDLNs). Multiple
variants of RDLNs were considered, including two kinds of context information,
two methods to process the context, and two methods to incorporate the
language-level information. RDLNs provided possible methods to fine-tune the
whole Automatic Speech Recognition (ASR) system in the acoustic modeling
process.
|
Encapsulating models and approximate inference programs in probabilistic
modules | This paper introduces the probabilistic module interface, which allows
encapsulation of complex probabilistic models with latent variables alongside
custom stochastic approximate inference machinery, and provides a
platform-agnostic abstraction barrier separating the model internals from the
host probabilistic inference system. The interface can be seen as a stochastic
generalization of a standard simulation and density interface for probabilistic
primitives. We show that sound approximate inference algorithms can be
constructed for networks of probabilistic modules, and we demonstrate that the
interface can be implemented using learned stochastic inference networks and
MCMC and SMC approximate inference programs.
|
Detect, Replace, Refine: Deep Structured Prediction For Pixel Wise
Labeling | Pixel wise image labeling is an interesting and challenging problem with
great significance in the computer vision community. In order for a dense
labeling algorithm to be able to achieve accurate and precise results, it has
to consider the dependencies that exist in the joint space of both the input
and the output variables. An implicit approach for modeling those dependencies
is by training a deep neural network that, given as input an initial estimate
of the output labels and the input image, it will be able to predict a new
refined estimate for the labels. In this context, our work is concerned with
what is the optimal architecture for performing the label improvement task. We
argue that the prior approaches of either directly predicting new label
estimates or predicting residual corrections w.r.t. the initial labels with
feed-forward deep network architectures are sub-optimal. Instead, we propose a
generic architecture that decomposes the label improvement task to three steps:
1) detecting the initial label estimates that are incorrect, 2) replacing the
incorrect labels with new ones, and finally 3) refining the renewed labels by
predicting residual corrections w.r.t. them. Furthermore, we explore and
compare various other alternative architectures that consist of the
aforementioned Detection, Replace, and Refine components. We extensively
evaluate the examined architectures in the challenging task of dense disparity
estimation (stereo matching) and we report both quantitative and qualitative
results on three different datasets. Finally, our dense disparity estimation
network that implements the proposed generic architecture, achieves
state-of-the-art results in the KITTI 2015 test surpassing prior approaches by
a significant margin.
|
Deep Function Machines: Generalized Neural Networks for Topological
Layer Expression | In this paper we propose a generalization of deep neural networks called deep
function machines (DFMs). DFMs act on vector spaces of arbitrary (possibly
infinite) dimension and we show that a family of DFMs are invariant to the
dimension of input data; that is, the parameterization of the model does not
directly hinge on the quality of the input (eg. high resolution images). Using
this generalization we provide a new theory of universal approximation of
bounded non-linear operators between function spaces. We then suggest that DFMs
provide an expressive framework for designing new neural network layer types
with topological considerations in mind. Finally, we introduce a novel
architecture, RippLeNet, for resolution invariant computer vision, which
empirically achieves state of the art invariance.
|
Anomaly Detection Using the Knowledge-based Temporal Abstraction Method | The rapid growth in stored time-oriented data necessitates the development of
new methods for handling, processing, and interpreting large amounts of
temporal data. One important example of such processing is detecting anomalies
in time-oriented data. The Knowledge-Based Temporal Abstraction method was
previously proposed for intelligent interpretation of temporal data based on
predefined domain knowledge. In this study we propose a framework that
integrates the KBTA method with a temporal pattern mining process for anomaly
detection. According to the proposed method a temporal pattern mining process
is applied on a dataset of basic temporal abstraction database in order to
extract patterns representing normal behavior. These patterns are then analyzed
in order to identify abnormal time periods characterized by a significantly
small number of normal patterns. The proposed approach was demonstrated using a
dataset collected from a real server.
|
Uncovering the Dynamics of Crowdlearning and the Value of Knowledge | Learning from the crowd has become increasingly popular in the Web and social
media. There is a wide variety of crowdlearning sites in which, on the one
hand, users learn from the knowledge that other users contribute to the site,
and, on the other hand, knowledge is reviewed and curated by the same users
using assessment measures such as upvotes or likes.
In this paper, we present a probabilistic modeling framework of
crowdlearning, which uncovers the evolution of a user's expertise over time by
leveraging other users' assessments of her contributions. The model allows for
both off-site and on-site learning and captures forgetting of knowledge. We
then develop a scalable estimation method to fit the model parameters from
millions of recorded learning and contributing events. We show the
effectiveness of our model by tracing activity of ~25 thousand users in Stack
Overflow over a 4.5 year period. We find that answers with high knowledge value
are rare. Newbies and experts tend to acquire less knowledge than users in the
middle range. Prolific learners tend to be also proficient contributors that
post answers with high knowledge value.
|
Constraint Selection in Metric Learning | A number of machine learning algorithms are using a metric, or a distance, in
order to compare individuals. The Euclidean distance is usually employed, but
it may be more efficient to learn a parametric distance such as Mahalanobis
metric. Learning such a metric is a hot topic since more than ten years now,
and a number of methods have been proposed to efficiently learn it. However,
the nature of the problem makes it quite difficult for large scale data, as
well as data for which classes overlap. This paper presents a simple way of
improving accuracy and scalability of any iterative metric learning algorithm,
where constraints are obtained prior to the algorithm. The proposed approach
relies on a loss-dependent weighted selection of constraints that are used for
learning the metric. Using the corresponding dedicated loss function, the
method clearly allows to obtain better results than state-of-the-art methods,
both in terms of accuracy and time complexity. Some experimental results on
real world, and potentially large, datasets are demonstrating the effectiveness
of our proposition.
|
Bayesian Optimization for Machine Learning : A Practical Guidebook | The engineering of machine learning systems is still a nascent field; relying
on a seemingly daunting collection of quickly evolving tools and best
practices. It is our hope that this guidebook will serve as a useful resource
for machine learning practitioners looking to take advantage of Bayesian
optimization techniques. We outline four example machine learning problems that
can be solved using open source machine learning libraries, and highlight the
benefits of using Bayesian optimization in the context of these common machine
learning applications.
|
Interpretable Semantic Textual Similarity: Finding and explaining
differences between sentences | User acceptance of artificial intelligence agents might depend on their
ability to explain their reasoning, which requires adding an interpretability
layer that fa- cilitates users to understand their behavior. This paper focuses
on adding an in- terpretable layer on top of Semantic Textual Similarity (STS),
which measures the degree of semantic equivalence between two sentences. The
interpretability layer is formalized as the alignment between pairs of segments
across the two sentences, where the relation between the segments is labeled
with a relation type and a similarity score. We present a publicly available
dataset of sentence pairs annotated following the formalization. We then
develop a system trained on this dataset which, given a sentence pair, explains
what is similar and different, in the form of graded and typed segment
alignments. When evaluated on the dataset, the system performs better than an
informed baseline, showing that the dataset and task are well-defined and
feasible. Most importantly, two user studies show how the system output can be
used to automatically produce explanations in natural language. Users performed
better when having access to the explanations, pro- viding preliminary evidence
that our dataset and method to automatically produce explanations is useful in
real applications.
|
A Data-Driven Compressive Sensing Framework Tailored For
Energy-Efficient Wearable Sensing | Compressive sensing (CS) is a promising technology for realizing
energy-efficient wireless sensors for long-term health monitoring. However,
conventional model-driven CS frameworks suffer from limited compression ratio
and reconstruction quality when dealing with physiological signals due to
inaccurate models and the overlook of individual variability. In this paper, we
propose a data-driven CS framework that can learn signal characteristics and
personalized features from any individual recording of physiologic signals to
enhance CS performance with a minimized number of measurements. Such
improvements are accomplished by a co-training approach that optimizes the
sensing matrix and the dictionary towards improved restricted isometry property
and signal sparsity, respectively. Experimental results upon ECG signals show
that the proposed method, at a compression ratio of 10x, successfully reduces
the isometry constant of the trained sensing matrices by 86% against random
matrices and improves the overall reconstructed signal-to-noise ratio by 15dB
over conventional model-driven approaches.
|
Deep learning is effective for the classification of OCT images of
normal versus Age-related Macular Degeneration | Objective: The advent of Electronic Medical Records (EMR) with large
electronic imaging databases along with advances in deep neural networks with
machine learning has provided a unique opportunity to achieve milestones in
automated image analysis. Optical coherence tomography (OCT) is the most
commonly obtained imaging modality in ophthalmology and represents a dense and
rich dataset when combined with labels derived from the EMR. We sought to
determine if deep learning could be utilized to distinguish normal OCT images
from images from patients with Age-related Macular Degeneration (AMD). Methods:
Automated extraction of an OCT imaging database was performed and linked to
clinical endpoints from the EMR. OCT macula scans were obtained by Heidelberg
Spectralis, and each OCT scan was linked to EMR clinical endpoints extracted
from EPIC. The central 11 images were selected from each OCT scan of two
cohorts of patients: normal and AMD. Cross-validation was performed using a
random subset of patients. Area under receiver operator curves (auROC) were
constructed at an independent image level, macular OCT level, and patient
level. Results: Of an extraction of 2.6 million OCT images linked to clinical
datapoints from the EMR, 52,690 normal and 48,312 AMD macular OCT images were
selected. A deep neural network was trained to categorize images as either
normal or AMD. At the image level, we achieved an auROC of 92.78% with an
accuracy of 87.63%. At the macula level, we achieved an auROC of 93.83% with an
accuracy of 88.98%. At a patient level, we achieved an auROC of 97.45% with an
accuracy of 93.45%. Peak sensitivity and specificity with optimal cutoffs were
92.64% and 93.69% respectively. Conclusions: Deep learning techniques are
effective for classifying OCT images. These findings have important
implications in utilizing OCT in automated screening and computer aided
diagnosis tools.
|
Efficient Distributed Semi-Supervised Learning using Stochastic
Regularization over Affinity Graphs | We describe a computationally efficient, stochastic graph-regularization
technique that can be utilized for the semi-supervised training of deep neural
networks in a parallel or distributed setting. We utilize a technique, first
described in [13] for the construction of mini-batches for stochastic gradient
descent (SGD) based on synthesized partitions of an affinity graph that are
consistent with the graph structure, but also preserve enough stochasticity for
convergence of SGD to good local minima. We show how our technique allows a
graph-based semi-supervised loss function to be decomposed into a sum over
objectives, facilitating data parallelism for scalable training of machine
learning models. Empirical results indicate that our method significantly
improves classification accuracy compared to the fully-supervised case when the
fraction of labeled data is low, and in the parallel case, achieves significant
speed-up in terms of wall-clock time to convergence. We show the results for
both sequential and distributed-memory semi-supervised DNN training on a speech
corpus.
|
Semi-Supervised Phone Classification using Deep Neural Networks and
Stochastic Graph-Based Entropic Regularization | We describe a graph-based semi-supervised learning framework in the context
of deep neural networks that uses a graph-based entropic regularizer to favor
smooth solutions over a graph induced by the data. The main contribution of
this work is a computationally efficient, stochastic graph-regularization
technique that uses mini-batches that are consistent with the graph structure,
but also provides enough stochasticity (in terms of mini-batch data diversity)
for convergence of stochastic gradient descent methods to good solutions. For
this work, we focus on results of frame-level phone classification accuracy on
the TIMIT speech corpus but our method is general and scalable to much larger
data sets. Results indicate that our method significantly improves
classification accuracy compared to the fully-supervised case when the fraction
of labeled data is low, and it is competitive with other methods in the fully
labeled case.
|
Dynamical Kinds and their Discovery | We demonstrate the possibility of classifying causal systems into kinds that
share a common structure without first constructing an explicit dynamical model
or using prior knowledge of the system dynamics. The algorithmic ability to
determine whether arbitrary systems are governed by causal relations of the
same form offers significant practical applications in the development and
validation of dynamical models. It is also of theoretical interest as an
essential stage in the scientific inference of laws from empirical data. The
algorithm presented is based on the dynamical symmetry approach to dynamical
kinds. A dynamical symmetry with respect to time is an intervention on one or
more variables of a system that commutes with the time evolution of the system.
A dynamical kind is a class of systems sharing a set of dynamical symmetries.
The algorithm presented classifies deterministic, time-dependent causal systems
by directly comparing their exhibited symmetries. Using simulated, noisy data
from a variety of nonlinear systems, we show that this algorithm correctly
sorts systems into dynamical kinds. It is robust under significant sampling
error, is immune to violations of normality in sampling error, and fails
gracefully with increasing dynamical similarity. The algorithm we demonstrate
is the first to address this aspect of automated scientific discovery.
|
Improving Neural Network Generalization by Combining Parallel Circuits
with Dropout | In an attempt to solve the lengthy training times of neural networks, we
proposed Parallel Circuits (PCs), a biologically inspired architecture.
Previous work has shown that this approach fails to maintain generalization
performance in spite of achieving sharp speed gains. To address this issue, and
motivated by the way Dropout prevents node co-adaption, in this paper, we
suggest an improvement by extending Dropout to the PC architecture. The paper
provides multiple insights into this combination, including a variety of fusion
approaches. Experiments show promising results in which improved error rates
are achieved in most cases, whilst maintaining the speed advantage of the PC
approach.
|
Graph-based semi-supervised learning for relational networks | We address the problem of semi-supervised learning in relational networks,
networks in which nodes are entities and links are the relationships or
interactions between them. Typically this problem is confounded with the
problem of graph-based semi-supervised learning (GSSL), because both problems
represent the data as a graph and predict the missing class labels of nodes.
However, not all graphs are created equally. In GSSL a graph is constructed,
often from independent data, based on similarity. As such, edges tend to
connect instances with the same class label. Relational networks, however, can
be more heterogeneous and edges do not always indicate similarity. For
instance, instead of links being more likely to connect nodes with the same
class label, they may occur more frequently between nodes with different class
labels (link-heterogeneity). Or nodes with the same class label do not
necessarily have the same type of connectivity across the whole network
(class-heterogeneity), e.g. in a network of sexual interactions we may observe
links between opposite genders in some parts of the graph and links between the
same genders in others. Performing classification in networks with different
types of heterogeneity is a hard problem that is made harder still when we do
not know a-priori the type or level of heterogeneity. Here we present two
scalable approaches for graph-based semi-supervised learning for the more
general case of relational networks. We demonstrate these approaches on
synthetic and real-world networks that display different link patterns within
and between classes. Compared to state-of-the-art approaches, ours give better
classification performance without prior knowledge of how classes interact. In
particular, our two-step label propagation algorithm gives consistently good
accuracy and runs on networks of over 1.6 million nodes and 30 million edges in
around 12 seconds.
|
Optimal structure and parameter learning of Ising models | Reconstruction of structure and parameters of an Ising model from binary
samples is a problem of practical importance in a variety of disciplines,
ranging from statistical physics and computational biology to image processing
and machine learning. The focus of the research community shifted towards
developing universal reconstruction algorithms which are both computationally
efficient and require the minimal amount of expensive data. We introduce a new
method, Interaction Screening, which accurately estimates the model parameters
using local optimization problems. The algorithm provably achieves perfect
graph structure recovery with an information-theoretically optimal number of
samples, notably in the low-temperature regime which is known to be the hardest
for learning. The efficacy of Interaction Screening is assessed through
extensive numerical tests on synthetic Ising models of various topologies with
different types of interactions, as well as on a real data produced by a D-Wave
quantum computer. This study shows that the Interaction Screening method is an
exact, tractable and optimal technique universally solving the inverse Ising
problem.
|
Towards Score Following in Sheet Music Images | This paper addresses the matching of short music audio snippets to the
corresponding pixel location in images of sheet music. A system is presented
that simultaneously learns to read notes, listens to music and matches the
currently played music to its corresponding notes in the sheet. It consists of
an end-to-end multi-modal convolutional neural network that takes as input
images of sheet music and spectrograms of the respective audio snippets. It
learns to predict, for a given unseen audio snippet (covering approximately one
bar of music), the corresponding position in the respective score line. Our
results suggest that with the use of (deep) neural networks -- which have
proven to be powerful image processing models -- working with sheet music
becomes feasible and a promising future research direction.
|
Graphical RNN Models | Many time series are generated by a set of entities that interact with one
another over time. This paper introduces a broad, flexible framework to learn
from multiple inter-dependent time series generated by such entities. Our
framework explicitly models the entities and their interactions through time.
It achieves this by building on the capabilities of Recurrent Neural Networks,
while also offering several ways to incorporate domain knowledge/constraints
into the model architecture. The capabilities of our approach are showcased
through an application to weather prediction, which shows gains over strong
baselines.
|
Feature Learning for Chord Recognition: The Deep Chroma Extractor | We explore frame-level audio feature learning for chord recognition using
artificial neural networks. We present the argument that chroma vectors
potentially hold enough information to model harmonic content of audio for
chord recognition, but that standard chroma extractors compute too noisy
features. This leads us to propose a learned chroma feature extractor based on
artificial neural networks. It is trained to compute chroma features that
encode harmonic information important for chord recognition, while being robust
to irrelevant interferences. We achieve this by feeding the network an audio
spectrum with context instead of a single frame as input. This way, the network
can learn to selectively compensate noise and resolve harmonic ambiguities.
We compare the resulting features to hand-crafted ones by using a simple
linear frame-wise classifier for chord recognition on various data sets. The
results show that the learned feature extractor produces superior chroma
vectors for chord recognition.
|
Towards End-to-End Audio-Sheet-Music Retrieval | This paper demonstrates the feasibility of learning to retrieve short
snippets of sheet music (images) when given a short query excerpt of music
(audio) -- and vice versa --, without any symbolic representation of music or
scores. This would be highly useful in many content-based musical retrieval
scenarios. Our approach is based on Deep Canonical Correlation Analysis (DCCA)
and learns correlated latent spaces allowing for cross-modality retrieval in
both directions. Initial experiments with relatively simple monophonic music
show promising results.
|
A Fully Convolutional Deep Auditory Model for Musical Chord Recognition | Chord recognition systems depend on robust feature extraction pipelines.
While these pipelines are traditionally hand-crafted, recent advances in
end-to-end machine learning have begun to inspire researchers to explore
data-driven methods for such tasks. In this paper, we present a chord
recognition system that uses a fully convolutional deep auditory model for
feature extraction. The extracted features are processed by a Conditional
Random Field that decodes the final chord sequence. Both processing stages are
trained automatically and do not require expert knowledge for optimising
parameters. We show that the learned auditory system extracts musically
interpretable features, and that the proposed chord recognition system achieves
results on par or better than state-of-the-art algorithms.
|
Coupling Adaptive Batch Sizes with Learning Rates | Mini-batch stochastic gradient descent and variants thereof have become
standard for large-scale empirical risk minimization like the training of
neural networks. These methods are usually used with a constant batch size
chosen by simple empirical inspection. The batch size significantly influences
the behavior of the stochastic optimization algorithm, though, since it
determines the variance of the gradient estimates. This variance also changes
over the optimization process; when using a constant batch size, stability and
convergence is thus often enforced by means of a (manually tuned) decreasing
learning rate schedule.
We propose a practical method for dynamic batch size adaptation. It estimates
the variance of the stochastic gradients and adapts the batch size to decrease
the variance proportionally to the value of the objective function, removing
the need for the aforementioned learning rate decrease. In contrast to recent
related work, our algorithm couples the batch size to the learning rate,
directly reflecting the known relationship between the two. On popular image
classification benchmarks, our batch size adaptation yields faster optimization
convergence, while simultaneously simplifying learning rate tuning. A
TensorFlow implementation is available.
|
On the Potential of Simple Framewise Approaches to Piano Transcription | In an attempt at exploring the limitations of simple approaches to the task
of piano transcription (as usually defined in MIR), we conduct an in-depth
analysis of neural network-based framewise transcription. We systematically
compare different popular input representations for transcription systems to
determine the ones most suitable for use with neural networks. Exploiting
recent advances in training techniques and new regularizers, and taking into
account hyper-parameter tuning, we show that it is possible, by simple
bottom-up frame-wise processing, to obtain a piano transcriber that outperforms
the current published state of the art on the publicly available MAPS dataset
-- without any complex post-processing steps. Thus, we propose this simple
approach as a new baseline for this dataset, for future transcription research
to build on and improve.
|
Separation of Concerns in Reinforcement Learning | In this paper, we propose a framework for solving a single-agent task by
using multiple agents, each focusing on different aspects of the task. This
approach has two main advantages: 1) it allows for training specialized agents
on different parts of the task, and 2) it provides a new way to transfer
knowledge, by transferring trained agents. Our framework generalizes the
traditional hierarchical decomposition, in which, at any moment in time, a
single agent has control until it has solved its particular subtask. We
illustrate our framework with empirical experiments on two domains.
|
CSVideoNet: A Real-time End-to-end Learning Framework for
High-frame-rate Video Compressive Sensing | This paper addresses the real-time encoding-decoding problem for
high-frame-rate video compressive sensing (CS). Unlike prior works that perform
reconstruction using iterative optimization-based approaches, we propose a
non-iterative model, named "CSVideoNet". CSVideoNet directly learns the inverse
mapping of CS and reconstructs the original input in a single forward
propagation. To overcome the limitations of existing CS cameras, we propose a
multi-rate CNN and a synthesizing RNN to improve the trade-off between
compression ratio (CR) and spatial-temporal resolution of the reconstructed
videos. The experiment results demonstrate that CSVideoNet significantly
outperforms the state-of-the-art approaches. With no pre/post-processing, we
achieve 25dB PSNR recovery quality at 100x CR, with a frame rate of 125 fps on
a Titan X GPU. Due to the feedforward and high-data-concurrency natures of
CSVideoNet, it can take advantage of GPU acceleration to achieve three orders
of magnitude speed-up over conventional iterative-based approaches. We share
the source code at https://github.com/PSCLab-ASU/CSVideoNet.
|
Tunable Efficient Unitary Neural Networks (EUNN) and their application
to RNNs | Using unitary (instead of general) matrices in artificial neural networks
(ANNs) is a promising way to solve the gradient explosion/vanishing problem, as
well as to enable ANNs to learn long-term correlations in the data. This
approach appears particularly promising for Recurrent Neural Networks (RNNs).
In this work, we present a new architecture for implementing an Efficient
Unitary Neural Network (EUNNs); its main advantages can be summarized as
follows. Firstly, the representation capacity of the unitary space in an EUNN
is fully tunable, ranging from a subspace of SU(N) to the entire unitary space.
Secondly, the computational complexity for training an EUNN is merely
$\mathcal{O}(1)$ per parameter. Finally, we test the performance of EUNNs on
the standard copying task, the pixel-permuted MNIST digit recognition benchmark
as well as the Speech Prediction Test (TIMIT). We find that our architecture
significantly outperforms both other state-of-the-art unitary RNNs and the LSTM
architecture, in terms of the final performance and/or the wall-clock training
speed. EUNNs are thus promising alternatives to RNNs and LSTMs for a wide
variety of applications.
|
Private Learning on Networks | Continual data collection and widespread deployment of machine learning
algorithms, particularly the distributed variants, have raised new privacy
challenges. In a distributed machine learning scenario, the dataset is stored
among several machines and they solve a distributed optimization problem to
collectively learn the underlying model. We present a secure multi-party
computation inspired privacy preserving distributed algorithm for optimizing a
convex function consisting of several possibly non-convex functions. Each
individual objective function is privately stored with an agent while the
agents communicate model parameters with neighbor machines connected in a
network. We show that our algorithm can correctly optimize the overall
objective function and learn the underlying model accurately. We further prove
that under a vertex connectivity condition on the topology, our algorithm
preserves privacy of individual objective functions. We establish limits on the
what a coalition of adversaries can learn by observing the messages and states
shared over a network.
|
A Simple Approach to Multilingual Polarity Classification in Twitter | Recently, sentiment analysis has received a lot of attention due to the
interest in mining opinions of social media users. Sentiment analysis consists
in determining the polarity of a given text, i.e., its degree of positiveness
or negativeness. Traditionally, Sentiment Analysis algorithms have been
tailored to a specific language given the complexity of having a number of
lexical variations and errors introduced by the people generating content. In
this contribution, our aim is to provide a simple to implement and easy to use
multilingual framework, that can serve as a baseline for sentiment analysis
contests, and as starting point to build new sentiment analysis systems. We
compare our approach in eight different languages, three of them have important
international contests, namely, SemEval (English), TASS (Spanish), and
SENTIPOLC (Italian). Within the competitions our approach reaches from medium
to high positions in the rankings; whereas in the remaining languages our
approach outperforms the reported results.
|
Automatic time-series phenotyping using massive feature extraction | Across a far-reaching diversity of scientific and industrial applications, a
general key problem involves relating the structure of time-series data to a
meaningful outcome, such as detecting anomalous events from sensor recordings,
or diagnosing patients from physiological time-series measurements like heart
rate or brain activity. Currently, researchers must devote considerable effort
manually devising, or searching for, properties of their time series that are
suitable for the particular analysis problem at hand. Addressing this
non-systematic and time-consuming procedure, here we introduce a new tool,
hctsa, that selects interpretable and useful properties of time series
automatically, by comparing implementations over 7700 time-series features
drawn from diverse scientific literatures. Using two exemplar biological
applications, we show how hctsa allows researchers to leverage decades of
time-series research to quantify and understand informative structure in their
time-series data.
|
A Survey of Inductive Biases for Factorial Representation-Learning | With the resurgence of interest in neural networks, representation learning
has re-emerged as a central focus in artificial intelligence. Representation
learning refers to the discovery of useful encodings of data that make
domain-relevant information explicit. Factorial representations identify
underlying independent causal factors of variation in data. A factorial
representation is compact and faithful, makes the causal factors explicit, and
facilitates human interpretation of data. Factorial representations support a
variety of applications, including the generation of novel examples, indexing
and search, novelty detection, and transfer learning.
This article surveys various constraints that encourage a learning algorithm
to discover factorial representations. I dichotomize the constraints in terms
of unsupervised and supervised inductive bias. Unsupervised inductive biases
exploit assumptions about the environment, such as the statistical distribution
of factor coefficients, assumptions about the perturbations a factor should be
invariant to (e.g. a representation of an object can be invariant to rotation,
translation or scaling), and assumptions about how factors are combined to
synthesize an observation. Supervised inductive biases are constraints on the
representations based on additional information connected to observations.
Supervisory labels come in variety of types, which vary in how strongly they
constrain the representation, how many factors are labeled, how many
observations are labeled, and whether or not we know the associations between
the constraints and the factors they are related to.
This survey brings together a wide variety of models that all touch on the
problem of learning factorial representations and lays out a framework for
comparing these models based on the strengths of the underlying supervised and
unsupervised inductive biases.
|
Projected Semi-Stochastic Gradient Descent Method with Mini-Batch Scheme
under Weak Strong Convexity Assumption | We propose a projected semi-stochastic gradient descent method with
mini-batch for improving both the theoretical complexity and practical
performance of the general stochastic gradient descent method (SGD). We are
able to prove linear convergence under weak strong convexity assumption. This
requires no strong convexity assumption for minimizing the sum of smooth convex
functions subject to a compact polyhedral set, which remains popular across
machine learning community. Our PS2GD preserves the low-cost per iteration and
high optimization accuracy via stochastic gradient variance-reduced technique,
and admits a simple parallel implementation with mini-batches. Moreover, PS2GD
is also applicable to dual problem of SVM with hinge loss.
|
Neural networks based EEG-Speech Models | In this paper, we propose an end-to-end neural network (NN) based EEG-speech
(NES) modeling framework, in which three network structures are developed to
map imagined EEG signals to phonemes. The proposed NES models incorporate a
language model based EEG feature extraction layer, an acoustic feature mapping
layer, and a restricted Boltzmann machine (RBM) based the feature learning
layer. The NES models can jointly realize the representation of multichannel
EEG signals and the projection of acoustic speech signals. Among three proposed
NES models, two augmented networks utilize spoken EEG signals as either bias or
gate information to strengthen the feature learning and translation of imagined
EEG signals. Experimental results show that all three proposed NES models
outperform the baseline support vector machine (SVM) method on EEG-speech
classification. With respect to binary classification, our approach achieves
comparable results relative to deep believe network approach.
|
Defensive Player Classification in the National Basketball Association | The National Basketball Association(NBA) has expanded their data gathering
and have heavily invested in new technologies to gather advanced performance
metrics on players. This expanded data set allows analysts to use unique
performance metrics in models to estimate and classify player performance.
Instead of grouping players together based on physical attributes and positions
played, analysts can group together players that play similar to each other
based on these tracked metrics. Existing methods for player classification have
typically used offensive metrics for clustering [1]. There have been attempts
to classify players using past defensive metrics, but the lack of quality
metrics has not produced promising results. The classifications presented in
the paper use newly introduced defensive metrics to find different defensive
positions for each player. Without knowing the number of categories that
players can be cast into, Gaussian Mixture Models (GMM) can be applied to find
the optimal number of clusters. In the model presented, five different
defensive player types can be identified.
|
Deep Reinforcement Learning with Successor Features for Navigation
across Similar Environments | In this paper we consider the problem of robot navigation in simple maze-like
environments where the robot has to rely on its onboard sensors to perform the
navigation task. In particular, we are interested in solutions to this problem
that do not require localization, mapping or planning. Additionally, we require
that our solution can quickly adapt to new situations (e.g., changing
navigation goals and environments). To meet these criteria we frame this
problem as a sequence of related reinforcement learning tasks. We propose a
successor feature based deep reinforcement learning algorithm that can learn to
transfer knowledge from previously mastered navigation tasks to new problem
instances. Our algorithm substantially decreases the required learning time
after the first task instance has been solved, which makes it easily adaptable
to changing environments. We validate our method in both simulated and real
robot experiments with a Robotino and compare it to a set of baseline methods
including classical planning-based navigation.
|
Models, networks and algorithmic complexity | I aim to show that models, classification or generating functions,
invariances and datasets are algorithmically equivalent concepts once properly
defined, and provide some concrete examples of them. I then show that a) neural
networks (NNs) of different kinds can be seen to implement models, b) that
perturbations of inputs and nodes in NNs trained to optimally implement simple
models propagate strongly, c) that there is a framework in which recurrent,
deep and shallow networks can be seen to fall into a descriptive power
hierarchy in agreement with notions from the theory of recursive functions. The
motivation for these definitions and following analysis lies in the context of
cognitive neuroscience, and in particular in Ruffini (2016), where the concept
of model is used extensively, as is the concept of algorithmic complexity.
|
An Alternative Softmax Operator for Reinforcement Learning | A softmax operator applied to a set of values acts somewhat like the
maximization function and somewhat like an average. In sequential decision
making, softmax is often used in settings where it is necessary to maximize
utility but also to hedge against problems that arise from putting all of one's
weight behind a single maximum utility decision. The Boltzmann softmax operator
is the most commonly used softmax operator in this setting, but we show that
this operator is prone to misbehavior. In this work, we study a differentiable
softmax operator that, among other properties, is a non-expansion ensuring a
convergent behavior in learning and planning. We introduce a variant of SARSA
algorithm that, by utilizing the new operator, computes a Boltzmann policy with
a state-dependent temperature parameter. We show that the algorithm is
convergent and that it performs favorably in practice.
|
A User Simulator for Task-Completion Dialogues | Despite widespread interests in reinforcement-learning for task-oriented
dialogue systems, several obstacles can frustrate research and development
progress. First, reinforcement learners typically require interaction with the
environment, so conventional dialogue corpora cannot be used directly. Second,
each task presents specific challenges, requiring separate corpus of
task-specific annotated data. Third, collecting and annotating human-machine or
human-human conversations for task-oriented dialogues requires extensive domain
knowledge. Because building an appropriate dataset can be both financially
costly and time-consuming, one popular approach is to build a user simulator
based upon a corpus of example dialogues. Then, one can train reinforcement
learning agents in an online fashion as they interact with the simulator.
Dialogue agents trained on these simulators can serve as an effective starting
point. Once agents master the simulator, they may be deployed in a real
environment to interact with humans, and continue to be trained online. To ease
empirical algorithmic comparisons in dialogues, this paper introduces a new,
publicly available simulation framework, where our simulator, designed for the
movie-booking domain, leverages both rules and collected data. The simulator
supports two tasks: movie ticket booking and movie seeking. Finally, we
demonstrate several agents and detail the procedure to add and test your own
agent in the proposed framework.
|
Reinforcement Learning Using Quantum Boltzmann Machines | We investigate whether quantum annealers with select chip layouts can
outperform classical computers in reinforcement learning tasks. We associate a
transverse field Ising spin Hamiltonian with a layout of qubits similar to that
of a deep Boltzmann machine (DBM) and use simulated quantum annealing (SQA) to
numerically simulate quantum sampling from this system. We design a
reinforcement learning algorithm in which the set of visible nodes representing
the states and actions of an optimal policy are the first and last layers of
the deep network. In absence of a transverse field, our simulations show that
DBMs are trained more effectively than restricted Boltzmann machines (RBM) with
the same number of nodes. We then develop a framework for training the network
as a quantum Boltzmann machine (QBM) in the presence of a significant
transverse field for reinforcement learning. This method also outperforms the
reinforcement learning method that uses RBMs.
|
Mutual information for fitting deep nonlinear models | Deep nonlinear models pose a challenge for fitting parameters due to lack of
knowledge of the hidden layer and the potentially non-affine relation of the
initial and observed layers. In the present work we investigate the use of
information theoretic measures such as mutual information and Kullback-Leibler
(KL) divergence as objective functions for fitting such models without
knowledge of the hidden layer. We investigate one model as a proof of concept
and one application of cogntive performance. We further investigate the use of
optimizers with these methods. Mutual information is largely successful as an
objective, depending on the parameters. KL divergence is found to be similarly
succesful, given some knowledge of the statistics of the hidden layer.
|
Exploiting sparsity to build efficient kernel based collaborative
filtering for top-N item recommendation | The increasing availability of implicit feedback datasets has raised the
interest in developing effective collaborative filtering techniques able to
deal asymmetrically with unambiguous positive feedback and ambiguous negative
feedback. In this paper, we propose a principled kernel-based collaborative
filtering method for top-N item recommendation with implicit feedback. We
present an efficient implementation using the linear kernel, and we show how to
generalize it to kernels of the dot product family preserving the efficiency.
We also investigate on the elements which influence the sparsity of a standard
cosine kernel. This analysis shows that the sparsity of the kernel strongly
depends on the properties of the dataset, in particular on the long tail
distribution. We compare our method with state-of-the-art algorithms achieving
good results both in terms of efficiency and effectiveness.
|
Towards Wide Learning: Experiments in Healthcare | In this paper, a Wide Learning architecture is proposed that attempts to
automate the feature engineering portion of the machine learning (ML) pipeline.
Feature engineering is widely considered as the most time consuming and expert
knowledge demanding portion of any ML task. The proposed feature recommendation
approach is tested on 3 healthcare datasets: a) PhysioNet Challenge 2016
dataset of phonocardiogram (PCG) signals, b) MIMIC II blood pressure
classification dataset of photoplethysmogram (PPG) signals and c) an emotion
classification dataset of PPG signals. While the proposed method beats the
state of the art techniques for 2nd and 3rd dataset, it reaches 94.38% of the
accuracy level of the winner of PhysioNet Challenge 2016. In all cases, the
effort to reach a satisfactory performance was drastically less (a few days)
than manual feature engineering.
|
Machine Learning, Linear and Bayesian Models for Logistic Regression in
Failure Detection Problems | In this work, we study the use of logistic regression in manufacturing
failures detection. As a data set for the analysis, we used the data from
Kaggle competition Bosch Production Line Performance. We considered the use of
machine learning, linear and Bayesian models. For machine learning approach, we
analyzed XGBoost tree based classifier to obtain high scored classification.
Using the generalized linear model for logistic regression makes it possible to
analyze the influence of the factors under study. The Bayesian approach for
logistic regression gives the statistical distribution for the parameters of
the model. It can be useful in the probabilistic analysis, e.g. risk
assessment.
|
Learning to predict where to look in interactive environments using deep
recurrent q-learning | Bottom-Up (BU) saliency models do not perform well in complex interactive
environments where humans are actively engaged in tasks (e.g., sandwich making
and playing the video games). In this paper, we leverage Reinforcement Learning
(RL) to highlight task-relevant locations of input frames. We propose a soft
attention mechanism combined with the Deep Q-Network (DQN) model to teach an RL
agent how to play a game and where to look by focusing on the most pertinent
parts of its visual input. Our evaluations on several Atari 2600 games show
that the soft attention based model could predict fixation locations
significantly better than bottom-up models such as Itti-Kochs saliency and
Graph-Based Visual Saliency (GBVS) models.
|
A new recurrent neural network based predictive model for Faecal
Calprotectin analysis: A retrospective study | Faecal Calprotectin (FC) is a surrogate marker for intestinal inflammation,
termed Inflammatory Bowel Disease (IBD), but not for cancer. In this
retrospective study of 804 patients, an enhanced benchmark predictive model for
analyzing FC is developed, based on a novel state-of-the-art Echo State Network
(ESN), an advanced dynamic recurrent neural network which implements a
biologically plausible architecture, and a supervised learning mechanism. The
proposed machine learning driven predictive model is benchmarked against a
conventional logistic regression model, demonstrating statistically significant
performance improvements.
|
EgoTransfer: Transferring Motion Across Egocentric and Exocentric
Domains using Deep Neural Networks | Mirror neurons have been observed in the primary motor cortex of primate
species, in particular in humans and monkeys. A mirror neuron fires when a
person performs a certain action, and also when he observes the same action
being performed by another person. A crucial step towards building fully
autonomous intelligent systems with human-like learning abilities is the
capability in modeling the mirror neuron. On one hand, the abundance of
egocentric cameras in the past few years has offered the opportunity to study a
lot of vision problems from the first-person perspective. A great deal of
interesting research has been done during the past few years, trying to explore
various computer vision tasks from the perspective of the self. On the other
hand, videos recorded by traditional static cameras, capture humans performing
different actions from an exocentric third-person perspective. In this work, we
take the first step towards relating motion information across these two
perspectives. We train models that predict motion in an egocentric view, by
observing it from an exocentric view, and vice versa. This allows models to
predict how an egocentric motion would look like from outside. To do so, we
train linear and nonlinear models and evaluate their performance in terms of
retrieving the egocentric (exocentric) motion features, while having access to
an exocentric (egocentric) motion feature. Our experimental results demonstrate
that motion information can be successfully transferred across the two views.
|
Building Diversified Multiple Trees for Classification in High
Dimensional Noisy Biomedical Data | It is common that a trained classification model is applied to the operating
data that is deviated from the training data because of noise. This paper
demonstrates that an ensemble classifier, Diversified Multiple Tree (DMT), is
more robust in classifying noisy data than other widely used ensemble methods.
DMT is tested on three real world biomedical data sets from different
laboratories in comparison with four benchmark ensemble classifiers.
Experimental results show that DMT is significantly more accurate than other
benchmark ensemble classifiers on noisy test data. We also discuss a limitation
of DMT and its possible variations.
|
Deep Multi-instance Networks with Sparse Label Assignment for Whole
Mammogram Classification | Mammogram classification is directly related to computer-aided diagnosis of
breast cancer. Traditional methods requires great effort to annotate the
training data by costly manual labeling and specialized computational models to
detect these annotations during test. Inspired by the success of using deep
convolutional features for natural image analysis and multi-instance learning
for labeling a set of instances/patches, we propose end-to-end trained deep
multi-instance networks for mass classification based on whole mammogram
without the aforementioned costly need to annotate the training data. We
explore three different schemes to construct deep multi-instance networks for
whole mammogram classification. Experimental results on the INbreast dataset
demonstrate the robustness of proposed deep networks compared to previous work
using segmentation and detection annotations in the training.
|
Adversarial Deep Structural Networks for Mammographic Mass Segmentation | Mass segmentation is an important task in mammogram analysis, providing
effective morphological features and regions of interest (ROI) for mass
detection and classification. Inspired by the success of using deep
convolutional features for natural image analysis and conditional random fields
(CRF) for structural learning, we propose an end-to-end network for
mammographic mass segmentation. The network employs a fully convolutional
network (FCN) to model potential function, followed by a CRF to perform
structural learning. Because the mass distribution varies greatly with pixel
position, the FCN is combined with position priori for the task. Due to the
small size of mammogram datasets, we use adversarial training to control
over-fitting. Four models with different convolutional kernels are further
fused to improve the segmentation results. Experimental results on two public
datasets, INbreast and DDSM-BCRP, show that our end-to-end network combined
with adversarial training achieves the-state-of-the-art results.
|
An IoT Endpoint System-on-Chip for Secure and Energy-Efficient
Near-Sensor Analytics | Near-sensor data analytics is a promising direction for IoT endpoints, as it
minimizes energy spent on communication and reduces network load - but it also
poses security concerns, as valuable data is stored or sent over the network at
various stages of the analytics pipeline. Using encryption to protect sensitive
data at the boundary of the on-chip analytics engine is a way to address data
security issues. To cope with the combined workload of analytics and encryption
in a tight power envelope, we propose Fulmine, a System-on-Chip based on a
tightly-coupled multi-core cluster augmented with specialized blocks for
compute-intensive data processing and encryption functions, supporting software
programmability for regular computing tasks. The Fulmine SoC, fabricated in
65nm technology, consumes less than 20mW on average at 0.8V achieving an
efficiency of up to 70pJ/B in encryption, 50pJ/px in convolution, or up to
25MIPS/mW in software. As a strong argument for real-life flexible application
of our platform, we show experimental results for three secure analytics use
cases: secure autonomous aerial surveillance with a state-of-the-art deep CNN
consuming 3.16pJ per equivalent RISC op; local CNN-based face detection with
secured remote recognition in 5.74pJ/op; and seizure detection with encrypted
data collection from EEG within 12.7pJ/op.
|
Sample-efficient Deep Reinforcement Learning for Dialog Control | Representing a dialog policy as a recurrent neural network (RNN) is
attractive because it handles partial observability, infers a latent
representation of state, and can be optimized with supervised learning (SL) or
reinforcement learning (RL). For RL, a policy gradient approach is natural, but
is sample inefficient. In this paper, we present 3 methods for reducing the
number of dialogs required to optimize an RNN-based dialog policy with RL. The
key idea is to maintain a second RNN which predicts the value of the current
policy, and to apply experience replay to both networks. On two tasks, these
methods reduce the number of dialogs/episodes required by about a third, vs.
standard policy gradient methods.
|
Inexact Proximal Gradient Methods for Non-convex and Non-smooth
Optimization | In machine learning research, the proximal gradient methods are popular for
solving various optimization problems with non-smooth regularization. Inexact
proximal gradient methods are extremely important when exactly solving the
proximal operator is time-consuming, or the proximal operator does not have an
analytic solution. However, existing inexact proximal gradient methods only
consider convex problems. The knowledge of inexact proximal gradient methods in
the non-convex setting is very limited. % Moreover, for some machine learning
models, there is still no proposed solver for exactly solving the proximal
operator. To address this challenge, in this paper, we first propose three
inexact proximal gradient algorithms, including the basic version and
Nesterov's accelerated version. After that, we provide the theoretical analysis
to the basic and Nesterov's accelerated versions. The theoretical results show
that our inexact proximal gradient algorithms can have the same convergence
rates as the ones of exact proximal gradient algorithms in the non-convex
setting.
Finally, we show the applications of our inexact proximal gradient algorithms
on three representative non-convex learning problems. All experimental results
confirm the superiority of our new inexact proximal gradient algorithms.
|
Self-Correcting Models for Model-Based Reinforcement Learning | When an agent cannot represent a perfectly accurate model of its
environment's dynamics, model-based reinforcement learning (MBRL) can fail
catastrophically. Planning involves composing the predictions of the model;
when flawed predictions are composed, even minor errors can compound and render
the model useless for planning. Hallucinated Replay (Talvitie 2014) trains the
model to "correct" itself when it produces errors, substantially improving MBRL
with flawed models. This paper theoretically analyzes this approach,
illuminates settings in which it is likely to be effective or ineffective, and
presents a novel error bound, showing that a model's ability to self-correct is
more tightly related to MBRL performance than one-step prediction error. These
results inspire an MBRL algorithm for deterministic MDPs with performance
guarantees that are robust to model class limitations.
|
Quantization and Training of Low Bit-Width Convolutional Neural Networks
for Object Detection | We present LBW-Net, an efficient optimization based method for quantization
and training of the low bit-width convolutional neural networks (CNNs).
Specifically, we quantize the weights to zero or powers of two by minimizing
the Euclidean distance between full-precision weights and quantized weights
during backpropagation. We characterize the combinatorial nature of the low
bit-width quantization problem. For 2-bit (ternary) CNNs, the quantization of
$N$ weights can be done by an exact formula in $O(N\log N)$ complexity. When
the bit-width is three and above, we further propose a semi-analytical
thresholding scheme with a single free parameter for quantization that is
computationally inexpensive. The free parameter is further determined by
network retraining and object detection tests. LBW-Net has several desirable
advantages over full-precision CNNs, including considerable memory savings,
energy efficiency, and faster deployment. Our experiments on PASCAL VOC dataset
show that compared with its 32-bit floating-point counterpart, the performance
of the 6-bit LBW-Net is nearly lossless in the object detection tasks, and can
even do better in some real world visual scenes, while empirically enjoying
more than 4$\times$ faster deployment.
|
On Random Weights for Texture Generation in One Layer Neural Networks | Recent work in the literature has shown experimentally that one can use the
lower layers of a trained convolutional neural network (CNN) to model natural
textures. More interestingly, it has also been experimentally shown that only
one layer with random filters can also model textures although with less
variability. In this paper we ask the question as to why one layer CNNs with
random filters are so effective in generating textures? We theoretically show
that one layer convolutional architectures (without a non-linearity) paired
with the an energy function used in previous literature, can in fact preserve
and modulate frequency coefficients in a manner so that random weights and
pretrained weights will generate the same type of images. Based on the results
of this analysis we question whether similar properties hold in the case where
one uses one convolution layer with a non-linearity. We show that in the case
of ReLu non-linearity there are situations where only one input will give the
minimum possible energy whereas in the case of no nonlinearity, there are
always infinite solutions that will give the minimum possible energy. Thus we
can show that in certain situations adding a ReLu non-linearity generates less
variable images.
|
Hierarchical Partitioning of the Output Space in Multi-label Data | Hierarchy Of Multi-label classifiers (HOMER) is a multi-label learning
algorithm that breaks the initial learning task to several, easier sub-tasks by
first constructing a hierarchy of labels from a given label set and secondly
employing a given base multi-label classifier (MLC) to the resulting
sub-problems. The primary goal is to effectively address class imbalance and
scalability issues that often arise in real-world multi-label classification
problems. In this work, we present the general setup for a HOMER model and a
simple extension of the algorithm that is suited for MLCs that output rankings.
Furthermore, we provide a detailed analysis of the properties of the algorithm,
both from an aspect of effectiveness and computational complexity. A secondary
contribution involves the presentation of a balanced variant of the k means
algorithm, which serves in the first step of the label hierarchy construction.
We conduct extensive experiments on six real-world datasets, studying
empirically HOMER's parameters and providing examples of instantiations of the
algorithm with different clustering approaches and MLCs, The empirical results
demonstrate a significant improvement over the given base MLC.
|
A recurrent neural network without chaos | We introduce an exceptionally simple gated recurrent neural network (RNN)
that achieves performance comparable to well-known gated architectures, such as
LSTMs and GRUs, on the word-level language modeling task. We prove that our
model has simple, predicable and non-chaotic dynamics. This stands in stark
contrast to more standard gated architectures, whose underlying dynamical
systems exhibit chaotic behavior.
|
Corralling a Band of Bandit Algorithms | We study the problem of combining multiple bandit algorithms (that is, online
learning algorithms with partial feedback) with the goal of creating a master
algorithm that performs almost as well as the best base algorithm if it were to
be run on its own. The main challenge is that when run with a master, base
algorithms unavoidably receive much less feedback and it is thus critical that
the master not starve a base algorithm that might perform uncompetitively
initially but would eventually outperform others if given enough feedback. We
address this difficulty by devising a version of Online Mirror Descent with a
special mirror map together with a sophisticated learning rate scheme. We show
that this approach manages to achieve a more delicate balance between
exploiting and exploring base algorithms than previous works yielding superior
regret bounds.
Our results are applicable to many settings, such as multi-armed bandits,
contextual bandits, and convex bandits. As examples, we present two main
applications. The first is to create an algorithm that enjoys worst-case
robustness while at the same time performing much better when the environment
is relatively easy. The second is to create an algorithm that works
simultaneously under different assumptions of the environment, such as
different priors or different loss structures.
|
VAST : The Virtual Acoustic Space Traveler Dataset | This paper introduces a new paradigm for sound source lo-calization referred
to as virtual acoustic space traveling (VAST) and presents a first dataset
designed for this purpose. Existing sound source localization methods are
either based on an approximate physical model (physics-driven) or on a
specific-purpose calibration set (data-driven). With VAST, the idea is to learn
a mapping from audio features to desired audio properties using a massive
dataset of simulated room impulse responses. This virtual dataset is designed
to be maximally representative of the potential audio scenes that the
considered system may be evolving in, while remaining reasonably compact. We
show that virtually-learned mappings on this dataset generalize to real data,
overcoming some intrinsic limitations of traditional binaural sound
localization methods based on time differences of arrival.
|
Simple Black-Box Adversarial Perturbations for Deep Networks | Deep neural networks are powerful and popular learning models that achieve
state-of-the-art pattern recognition performance on many computer vision,
speech, and language processing tasks. However, these networks have also been
shown susceptible to carefully crafted adversarial perturbations which force
misclassification of the inputs. Adversarial examples enable adversaries to
subvert the expected system behavior leading to undesired consequences and
could pose a security risk when these systems are deployed in the real world.
In this work, we focus on deep convolutional neural networks and demonstrate
that adversaries can easily craft adversarial examples even without any
internal knowledge of the target network. Our attacks treat the network as an
oracle (black-box) and only assume that the output of the network can be
observed on the probed inputs. Our first attack is based on a simple idea of
adding perturbation to a randomly selected single pixel or a small set of them.
We then improve the effectiveness of this attack by carefully constructing a
small set of pixels to perturb by using the idea of greedy local-search. Our
proposed attacks also naturally extend to a stronger notion of
misclassification. Our extensive experimental results illustrate that even
these elementary attacks can reveal a deep neural network's vulnerabilities.
The simplicity and effectiveness of our proposed schemes mean that they could
serve as a litmus test for designing robust networks.
|
Computing Human-Understandable Strategies | Algorithms for equilibrium computation generally make no attempt to ensure
that the computed strategies are understandable by humans. For instance the
strategies for the strongest poker agents are represented as massive binary
files. In many situations, we would like to compute strategies that can
actually be implemented by humans, who may have computational limitations and
may only be able to remember a small number of features or components of the
strategies that have been computed. We study poker games where private
information distributions can be arbitrary. We create a large training set of
game instances and solutions, by randomly selecting the information
probabilities, and present algorithms that learn from the training instances in
order to perform well in games with unseen information distributions. We are
able to conclude several new fundamental rules about poker strategy that can be
easily implemented by humans.
|
Learning Features by Watching Objects Move | This paper presents a novel yet intuitive approach to unsupervised feature
learning. Inspired by the human visual system, we explore whether low-level
motion-based grouping cues can be used to learn an effective visual
representation. Specifically, we use unsupervised motion-based segmentation on
videos to obtain segments, which we use as 'pseudo ground truth' to train a
convolutional network to segment objects from a single frame. Given the
extensive evidence that motion plays a key role in the development of the human
visual system, we hope that this straightforward approach to unsupervised
learning will be more effective than cleverly designed 'pretext' tasks studied
in the literature. Indeed, our extensive experiments show that this is the
case. When used for transfer learning on object detection, our representation
significantly outperforms previous unsupervised approaches across multiple
settings, especially when training data for the target task is scarce.
|
Randomized Clustered Nystrom for Large-Scale Kernel Machines | The Nystrom method has been popular for generating the low-rank approximation
of kernel matrices that arise in many machine learning problems. The
approximation quality of the Nystrom method depends crucially on the number of
selected landmark points and the selection procedure. In this paper, we present
a novel algorithm to compute the optimal Nystrom low-approximation when the
number of landmark points exceed the target rank. Moreover, we introduce a
randomized algorithm for generating landmark points that is scalable to
large-scale data sets. The proposed method performs K-means clustering on
low-dimensional random projections of a data set and, thus, leads to
significant savings for high-dimensional data sets. Our theoretical results
characterize the tradeoffs between the accuracy and efficiency of our proposed
method. Extensive experiments demonstrate the competitive performance as well
as the efficiency of our proposed method.
|
Parallelized Tensor Train Learning of Polynomial Classifiers | In pattern classification, polynomial classifiers are well-studied methods as
they are capable of generating complex decision surfaces. Unfortunately, the
use of multivariate polynomials is limited to kernels as in support vector
machines, because polynomials quickly become impractical for high-dimensional
problems. In this paper, we effectively overcome the curse of dimensionality by
employing the tensor train format to represent a polynomial classifier. Based
on the structure of tensor trains, two learning algorithms are proposed which
involve solving different optimization problems of low computational
complexity. Furthermore, we show how both regularization to prevent overfitting
and parallelization, which enables the use of large training sets, are
incorporated into these methods. Both the efficiency and efficacy of our
tensor-based polynomial classifier are then demonstrated on the two popular
datasets USPS and MNIST.
|
Exploring the Design Space of Deep Convolutional Neural Networks at
Large Scale | In recent years, the research community has discovered that deep neural
networks (DNNs) and convolutional neural networks (CNNs) can yield higher
accuracy than all previous solutions to a broad array of machine learning
problems. To our knowledge, there is no single CNN/DNN architecture that solves
all problems optimally. Instead, the "right" CNN/DNN architecture varies
depending on the application at hand. CNN/DNNs comprise an enormous design
space. Quantitatively, we find that a small region of the CNN design space
contains 30 billion different CNN architectures.
In this dissertation, we develop a methodology that enables systematic
exploration of the design space of CNNs. Our methodology is comprised of the
following four themes.
1. Judiciously choosing benchmarks and metrics.
2. Rapidly training CNN models.
3. Defining and describing the CNN design space.
4. Exploring the design space of CNN architectures.
Taken together, these four themes comprise an effective methodology for
discovering the "right" CNN architectures to meet the needs of practical
applications.
|
WoCE: a framework for clustering ensemble by exploiting the wisdom of
Crowds theory | The Wisdom of Crowds (WOC), as a theory in the social science, gets a new
paradigm in computer science. The WOC theory explains that the aggregate
decision made by a group is often better than those of its individual members
if specific conditions are satisfied. This paper presents a novel framework for
unsupervised and semi-supervised cluster ensemble by exploiting the WOC theory.
We employ four conditions in the WOC theory, i.e., diversity, independency,
decentralization and aggregation, to guide both the constructing of individual
clustering results and the final combination for clustering ensemble. Firstly,
independency criterion, as a novel mapping system on the raw data set, removes
the correlation between features on our proposed method. Then, decentralization
as a novel mechanism generates high-quality individual clustering results.
Next, uniformity as a new diversity metric evaluates the generated clustering
results. Further, weighted evidence accumulation clustering method is proposed
for the final aggregation without using thresholding procedure. Experimental
study on varied data sets demonstrates that the proposed approach achieves
superior performance to state-of-the-art methods.
|
Supervised Learning for Optimal Power Flow as a Real-Time Proxy | In this work we design and compare different supervised learning algorithms
to compute the cost of Alternating Current Optimal Power Flow (ACOPF). The
motivation for quick calculation of OPF cost outcomes stems from the growing
need of algorithmic-based long-term and medium-term planning methodologies in
power networks. Integrated in a multiple time-horizon coordination framework,
we refer to this approximation module as a proxy for predicting short-term
decision outcomes without the need of actual simulation and optimization of
them. Our method enables fast approximate calculation of OPF cost with less
than 1% error on average, achieved in run-times that are several orders of
magnitude lower than of exact computation. Several test-cases such as
IEEE-RTS96 are used to demonstrate the efficiency of our approach.
|
Enhancing Observability in Distribution Grids using Smart Meter Data | Due to limited metering infrastructure, distribution grids are currently
challenged by observability issues. On the other hand, smart meter data,
including local voltage magnitudes and power injections, are communicated to
the utility operator from grid buses with renewable generation and
demand-response programs. This work employs grid data from metered buses
towards inferring the underlying grid state. To this end, a coupled formulation
of the power flow problem (CPF) is put forth. Exploiting the high variability
of injections at metered buses, the controllability of solar inverters, and the
relative time-invariance of conventional loads, the idea is to solve the
non-linear power flow equations jointly over consecutive time instants. An
intuitive and easily verifiable rule pertaining to the locations of metered and
non-metered buses on the physical grid is shown to be a necessary and
sufficient criterion for local observability in radial networks. To account for
noisy smart meter readings, a coupled power system state estimation (CPSSE)
problem is further developed. Both CPF and CPSSE tasks are tackled via
augmented semi-definite program relaxations. The observability criterion along
with the CPF and CPSSE solvers are numerically corroborated using synthetic and
actual solar generation and load data on the IEEE 34-bus benchmark feeder.
|
Multivariate Industrial Time Series with Cyber-Attack Simulation: Fault
Detection Using an LSTM-based Predictive Data Model | We adopted an approach based on an LSTM neural network to monitor and detect
faults in industrial multivariate time series data. To validate the approach we
created a Modelica model of part of a real gasoil plant. By introducing hacks
into the logic of the Modelica model, we were able to generate both the roots
and causes of fault behavior in the plant. Having a self-consistent data set
with labeled faults, we used an LSTM architecture with a forecasting error
threshold to obtain precision and recall quality metrics. The dependency of the
quality metric on the threshold level is considered. An appropriate mechanism
such as "one handle" was introduced for filtering faults that are outside of
the plant operator field of interest.
|
Action-Driven Object Detection with Top-Down Visual Attentions | A dominant paradigm for deep learning based object detection relies on a
"bottom-up" approach using "passive" scoring of class agnostic proposals. These
approaches are efficient but lack of holistic analysis of scene-level context.
In this paper, we present an "action-driven" detection mechanism using our
"top-down" visual attention model. We localize an object by taking sequential
actions that the attention model provides. The attention model conditioned with
an image region provides required actions to get closer toward a target object.
An action at each time step is weak itself but an ensemble of the sequential
actions makes a bounding-box accurately converge to a target object boundary.
This attention model we call AttentionNet is composed of a convolutional neural
network. During our whole detection procedure, we only utilize the actions from
a single AttentionNet without any modules for object proposals nor post
bounding-box regression. We evaluate our top-down detection mechanism over the
PASCAL VOC series and ILSVRC CLS-LOC dataset, and achieve state-of-the-art
performances compared to the major bottom-up detection methods. In particular,
our detection mechanism shows a strong advantage in elaborate localization by
outperforming Faster R-CNN with a margin of +7.1% over PASCAL VOC 2007 when we
increase the IoU threshold for positive detection to 0.7.
|
Beyond Skip Connections: Top-Down Modulation for Object Detection | In recent years, we have seen tremendous progress in the field of object
detection. Most of the recent improvements have been achieved by targeting
deeper feedforward networks. However, many hard object categories such as
bottle, remote, etc. require representation of fine details and not just
coarse, semantic representations. But most of these fine details are lost in
the early convolutional layers. What we need is a way to incorporate finer
details from lower layers into the detection architecture. Skip connections
have been proposed to combine high-level and low-level features, but we argue
that selecting the right features from low-level requires top-down contextual
information. Inspired by the human visual pathway, in this paper we propose
top-down modulations as a way to incorporate fine details into the detection
framework. Our approach supplements the standard bottom-up, feedforward ConvNet
with a top-down modulation (TDM) network, connected using lateral connections.
These connections are responsible for the modulation of lower layer filters,
and the top-down network handles the selection and integration of contextual
information and low-level features. The proposed TDM architecture provides a
significant boost on the COCO testdev benchmark, achieving 28.6 AP for VGG16,
35.2 AP for ResNet101, and 37.3 for InceptionResNetv2 network, without any
bells and whistles (e.g., multi-scale, iterative box refinement, etc.).
|
Temporal Feature Selection on Networked Time Series | This paper formulates the problem of learning discriminative features
(\textit{i.e.,} segments) from networked time series data considering the
linked information among time series. For example, social network users are
considered to be social sensors that continuously generate social signals
(tweets) represented as a time series. The discriminative segments are often
referred to as \emph{shapelets} in a time series. Extracting shapelets for time
series classification has been widely studied. However, existing works on
shapelet selection assume that the time series are independent and identically
distributed (i.i.d.). This assumption restricts their applications to social
networked time series analysis, since a user's actions can be correlated to
his/her social affiliations. In this paper we propose a new Network Regularized
Least Squares (NetRLS) feature selection model that combines typical time
series data and user network data for analysis. Experiments on real-world
networked time series Twitter and DBLP data demonstrate the performance of the
proposed method. NetRLS performs better than LTS, the state-of-the-art time
series feature selection approach, on real-world data.
|
Robust mixture of experts modeling using the skew $t$ distribution | Mixture of Experts (MoE) is a popular framework in the fields of statistics
and machine learning for modeling heterogeneity in data for regression,
classification and clustering. MoE for continuous data are usually based on the
normal distribution. However, it is known that for data with asymmetric
behavior, heavy tails and atypical observations, the use of the normal
distribution is unsuitable. We introduce a new robust non-normal mixture of
experts modeling using the skew $t$ distribution. The proposed skew $t$ mixture
of experts, named STMoE, handles these issues of the normal mixtures experts
regarding possibly skewed, heavy-tailed and noisy data. We develop a dedicated
expectation conditional maximization (ECM) algorithm to estimate the model
parameters by monotonically maximizing the observed data log-likelihood. We
describe how the presented model can be used in prediction and in model-based
clustering of regression data. Numerical experiments carried out on simulated
data show the effectiveness and the robustness of the proposed model in fitting
non-linear regression functions as well as in model-based clustering. Then, the
proposed model is applied to the real-world data of tone perception for musical
data analysis, and the one of temperature anomalies for the analysis of climate
change data. The obtained results confirm the usefulness of the model for
practical data analysis applications.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.