title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Batch Renormalization: Towards Reducing Minibatch Dependence in
Batch-Normalized Models | Batch Normalization is quite effective at accelerating and improving the
training of deep models. However, its effectiveness diminishes when the
training minibatches are small, or do not consist of independent samples. We
hypothesize that this is due to the dependence of model layer inputs on all the
examples in the minibatch, and different activations being produced between
training and inference. We propose Batch Renormalization, a simple and
effective extension to ensure that the training and inference models generate
the same outputs that depend on individual examples rather than the entire
minibatch. Models trained with Batch Renormalization perform substantially
better than batchnorm when training with small or non-i.i.d. minibatches. At
the same time, Batch Renormalization retains the benefits of batchnorm such as
insensitivity to initialization and training efficiency.
|
Generative Mixture of Networks | A generative model based on training deep architectures is proposed. The
model consists of K networks that are trained together to learn the underlying
distribution of a given data set. The process starts with dividing the input
data into K clusters and feeding each of them into a separate network. After
few iterations of training networks separately, we use an EM-like algorithm to
train the networks together and update the clusters of the data. We call this
model Mixture of Networks. The provided model is a platform that can be used
for any deep structure and be trained by any conventional objective function
for distribution modeling. As the components of the model are neural networks,
it has high capability in characterizing complicated data distributions as well
as clustering data. We apply the algorithm on MNIST hand-written digits and
Yale face datasets. We also demonstrate the clustering ability of the model
using some real-world and toy examples.
|
Batch Policy Gradient Methods for Improving Neural Conversation Models | We study reinforcement learning of chatbots with recurrent neural network
architectures when the rewards are noisy and expensive to obtain. For instance,
a chatbot used in automated customer service support can be scored by quality
assurance agents, but this process can be expensive, time consuming and noisy.
Previous reinforcement learning work for natural language processing uses
on-policy updates and/or is designed for on-line learning settings. We
demonstrate empirically that such strategies are not appropriate for this
setting and develop an off-policy batch policy gradient method (BPG). We
demonstrate the efficacy of our method via a series of synthetic experiments
and an Amazon Mechanical Turk experiment on a restaurant recommendations
dataset.
|
Training Deep Neural Networks via Optimization Over Graphs | In this work, we propose to train a deep neural network by distributed
optimization over a graph. Two nonlinear functions are considered: the
rectified linear unit (ReLU) and a linear unit with both lower and upper
cutoffs (DCutLU). The problem reformulation over a graph is realized by
explicitly representing ReLU or DCutLU using a set of slack variables. We then
apply the alternating direction method of multipliers (ADMM) to update the
weights of the network layerwise by solving subproblems of the reformulated
problem. Empirical results suggest that the ADMM-based method is less sensitive
to overfitting than the stochastic gradient descent (SGD) and Adam methods.
|
Parallel Long Short-Term Memory for Multi-stream Classification | Recently, machine learning methods have provided a broad spectrum of original
and efficient algorithms based on Deep Neural Networks (DNN) to automatically
predict an outcome with respect to a sequence of inputs. Recurrent hidden cells
allow these DNN-based models to manage long-term dependencies such as Recurrent
Neural Networks (RNN) and Long Short-Term Memory (LSTM). Nevertheless, these
RNNs process a single input stream in one (LSTM) or two (Bidirectional LSTM)
directions. But most of the information available nowadays is from multistreams
or multimedia documents, and require RNNs to process these information
synchronously during the training. This paper presents an original LSTM-based
architecture, named Parallel LSTM (PLSTM), that carries out multiple parallel
synchronized input sequences in order to predict a common output. The proposed
PLSTM method could be used for parallel sequence classification purposes. The
PLSTM approach is evaluated on an automatic telecast genre sequences
classification task and compared with different state-of-the-art architectures.
Results show that the proposed PLSTM method outperforms the baseline n-gram
models as well as the state-of-the-art LSTM approach.
|
A Collective, Probabilistic Approach to Schema Mapping: Appendix | In this appendix we provide additional supplementary material to "A
Collective, Probabilistic Approach to Schema Mapping." We include an additional
extended example, supplementary experiment details, and proof for the
complexity result stated in the main paper.
|
Enabling Robots to Communicate their Objectives | The overarching goal of this work is to efficiently enable end-users to
correctly anticipate a robot's behavior in novel situations. Since a robot's
behavior is often a direct result of its underlying objective function, our
insight is that end-users need to have an accurate mental model of this
objective function in order to understand and predict what the robot will do.
While people naturally develop such a mental model over time through observing
the robot act, this familiarization process may be lengthy. Our approach
reduces this time by having the robot model how people infer objectives from
observed behavior, and then it selects those behaviors that are maximally
informative. The problem of computing a posterior over objectives from observed
behavior is known as Inverse Reinforcement Learning (IRL), and has been applied
to robots learning human objectives. We consider the problem where the roles of
human and robot are swapped. Our main contribution is to recognize that unlike
robots, humans will not be exact in their IRL inference. We thus introduce two
factors to define candidate approximate-inference models for human learning in
this setting, and analyze them in a user study in the autonomous driving
domain. We show that certain approximate-inference models lead to the robot
generating example behaviors that better enable users to anticipate what it
will do in novel situations. Our results also suggest, however, that additional
research is needed in modeling how humans extrapolate from examples of robot
behavior.
|
Concept Drift Adaptation by Exploiting Historical Knowledge | Incremental learning with concept drift has often been tackled by ensemble
methods, where models built in the past can be re-trained to attain new models
for the current data. Two design questions need to be addressed in developing
ensemble methods for incremental learning with concept drift, i.e., which
historical (i.e., previously trained) models should be preserved and how to
utilize them. A novel ensemble learning method, namely Diversity and Transfer
based Ensemble Learning (DTEL), is proposed in this paper. Given newly arrived
data, DTEL uses each preserved historical model as an initial model and further
trains it with the new data via transfer learning. Furthermore, DTEL preserves
a diverse set of historical models, rather than a set of historical models that
are merely accurate in terms of classification accuracy. Empirical studies on
15 synthetic data streams and 4 real-world data streams (all with concept
drifts) demonstrate that DTEL can handle concept drift more effectively than 4
other state-of-the-art methods.
|
On Consistency of Compressive Spectral Clustering | Spectral clustering is one of the most popular methods for community
detection in graphs. A key step in spectral clustering algorithms is the eigen
decomposition of the $n{\times}n$ graph Laplacian matrix to extract its $k$
leading eigenvectors, where $k$ is the desired number of clusters among $n$
objects. This is prohibitively complex to implement for very large datasets.
However, it has recently been shown that it is possible to bypass the eigen
decomposition by computing an approximate spectral embedding through graph
filtering of random signals. In this paper, we analyze the working of spectral
clustering performed via graph filtering on the stochastic block model.
Specifically, we characterize the effects of sparsity, dimensionality and
filter approximation error on the consistency of the algorithm in recovering
planted clusters.
|
Similarity Preserving Representation Learning for Time Series Clustering | A considerable amount of clustering algorithms take instance-feature matrices
as their inputs. As such, they cannot directly analyze time series data due to
its temporal nature, usually unequal lengths, and complex properties. This is a
great pity since many of these algorithms are effective, robust, efficient, and
easy to use. In this paper, we bridge this gap by proposing an efficient
representation learning framework that is able to convert a set of time series
with various lengths to an instance-feature matrix. In particular, we guarantee
that the pairwise similarities between time series are well preserved after the
transformation, thus the learned feature representation is particularly
suitable for the time series clustering task. Given a set of $n$ time series,
we first construct an $n\times n$ partially-observed similarity matrix by
randomly sampling $\mathcal{O}(n \log n)$ pairs of time series and computing
their pairwise similarities. We then propose an efficient algorithm that solves
a non-convex and NP-hard problem to learn new features based on the
partially-observed similarity matrix. By conducting extensive empirical
studies, we show that the proposed framework is more effective, efficient, and
flexible, compared to other state-of-the-art time series clustering methods.
|
Nearly Instance Optimal Sample Complexity Bounds for Top-k Arm Selection | In the Best-$k$-Arm problem, we are given $n$ stochastic bandit arms, each
associated with an unknown reward distribution. We are required to identify the
$k$ arms with the largest means by taking as few samples as possible. In this
paper, we make progress towards a complete characterization of the
instance-wise sample complexity bounds for the Best-$k$-Arm problem. On the
lower bound side, we obtain a novel complexity term to measure the sample
complexity that every Best-$k$-Arm instance requires. This is derived by an
interesting and nontrivial reduction from the Best-$1$-Arm problem. We also
provide an elimination-based algorithm that matches the instance-wise lower
bound within doubly-logarithmic factors. The sample complexity of our algorithm
strictly dominates the state-of-the-art for Best-$k$-Arm (module constant
factors).
|
A Multi-model Combination Approach for Probabilistic Wind Power
Forecasting | Short-term probabilistic wind power forecasting can provide critical
quantified uncertainty information of wind generation for power system
operation and control. As the complicated characteristics of wind power
prediction error, it would be difficult to develop a universal forecasting
model dominating over other alternative models. Therefore, a novel multi-model
combination (MMC) approach for short-term probabilistic wind generation
forecasting is proposed in this paper to exploit the advantages of different
forecasting models. The proposed approach can combine different forecasting
models those provide different kinds of probability density functions to
improve the probabilistic forecast accuracy. Three probabilistic forecasting
models based on the sparse Bayesian learning, kernel density estimation and
beta distribution fitting are used to form the combined model. The parameters
of the MMC model are solved based on Bayesian framework. Numerical tests
illustrate the effectiveness of the proposed MMC approach.
|
Coresets for Kernel Regression | Kernel regression is an essential and ubiquitous tool for non-parametric data
analysis, particularly popular among time series and spatial data. However, the
central operation which is performed many times, evaluating a kernel on the
data set, takes linear time. This is impractical for modern large data sets.
In this paper we describe coresets for kernel regression: compressed data
sets which can be used as proxy for the original data and have provably bounded
worst case error. The size of the coresets are independent of the raw number of
data points, rather they only depend on the error guarantee, and in some cases
the size of domain and amount of smoothing. We evaluate our methods on very
large time series and spatial data, and demonstrate that they incur negligible
error, can be constructed extremely efficiently, and allow for great
computational gains.
|
Is Big Data Sufficient for a Reliable Detection of Non-Technical Losses? | Non-technical losses (NTL) occur during the distribution of electricity in
power grids and include, but are not limited to, electricity theft and faulty
meters. In emerging countries, they may range up to 40% of the total
electricity distributed. In order to detect NTLs, machine learning methods are
used that learn irregular consumption patterns from customer data and
inspection results. The Big Data paradigm followed in modern machine learning
reflects the desire of deriving better conclusions from simply analyzing more
data, without the necessity of looking at theory and models. However, the
sample of inspected customers may be biased, i.e. it does not represent the
population of all customers. As a consequence, machine learning models trained
on these inspection results are biased as well and therefore lead to unreliable
predictions of whether customers cause NTL or not. In machine learning, this
issue is called covariate shift and has not been addressed in the literature on
NTL detection yet. In this work, we present a novel framework for quantifying
and visualizing covariate shift. We apply it to a commercial data set from
Brazil that consists of 3.6M customers and 820K inspection results. We show
that some features have a stronger covariate shift than others, making
predictions less reliable. In particular, previous inspections were focused on
certain neighborhoods or customer classes and that they were not sufficiently
spread among the population of customers. This framework is about to be
deployed in a commercial product for NTL detection.
|
DNN Filter Bank Cepstral Coefficients for Spoofing Detection | With the development of speech synthesis techniques, automatic speaker
verification systems face the serious challenge of spoofing attack. In order to
improve the reliability of speaker verification systems, we develop a new
filter bank based cepstral feature, deep neural network filter bank cepstral
coefficients (DNN-FBCC), to distinguish between natural and spoofed speech. The
deep neural network filter bank is automatically generated by training a filter
bank neural network (FBNN) using natural and synthetic speech. By adding
restrictions on the training rules, the learned weight matrix of FBNN is
band-limited and sorted by frequency, similar to the normal filter bank. Unlike
the manually designed filter bank, the learned filter bank has different filter
shapes in different channels, which can capture the differences between natural
and synthetic speech more effectively. The experimental results on the ASVspoof
{2015} database show that the Gaussian mixture model maximum-likelihood
(GMM-ML) classifier trained by the new feature performs better than the
state-of-the-art linear frequency cepstral coefficients (LFCC) based
classifier, especially on detecting unknown attacks.
|
Non-convex learning via Stochastic Gradient Langevin Dynamics: a
nonasymptotic analysis | Stochastic Gradient Langevin Dynamics (SGLD) is a popular variant of
Stochastic Gradient Descent, where properly scaled isotropic Gaussian noise is
added to an unbiased estimate of the gradient at each iteration. This modest
change allows SGLD to escape local minima and suffices to guarantee asymptotic
convergence to global minimizers for sufficiently regular non-convex objectives
(Gelfand and Mitter, 1991). The present work provides a nonasymptotic analysis
in the context of non-convex learning problems, giving finite-time guarantees
for SGLD to find approximate minimizers of both empirical and population risks.
As in the asymptotic setting, our analysis relates the discrete-time SGLD
Markov chain to a continuous-time diffusion process. A new tool that drives the
results is the use of weighted transportation cost inequalities to quantify the
rate of convergence of SGLD to a stationary distribution in the Euclidean
$2$-Wasserstein distance.
|
Next-Step Conditioned Deep Convolutional Neural Networks Improve Protein
Secondary Structure Prediction | Recently developed deep learning techniques have significantly improved the
accuracy of various speech and image recognition systems. In this paper we show
how to adapt some of these techniques to create a novel chained convolutional
architecture with next-step conditioning for improving performance on protein
sequence prediction problems. We explore its value by demonstrating its ability
to improve performance on eight-class secondary structure prediction. We first
establish a state-of-the-art baseline by adapting recent advances in
convolutional neural networks which were developed for vision tasks. This model
achieves 70.0% per amino acid accuracy on the CB513 benchmark dataset without
use of standard performance-boosting techniques such as ensembling or multitask
learning. We then improve upon this state-of-the-art result using a novel
chained prediction approach which frames the secondary structure prediction as
a next-step prediction problem. This sequential model achieves 70.3% Q8
accuracy on CB513 with a single model; an ensemble of these models produces
71.4% Q8 accuracy on the same test set, improving upon the previous overall
state of the art for the eight-class secondary structure problem. Our models
are implemented using TensorFlow, an open-source machine learning software
library available at TensorFlow.org; we aim to release the code for these
experiments as part of the TensorFlow repository.
|
Cognitive Mapping and Planning for Visual Navigation | We introduce a neural architecture for navigation in novel environments. Our
proposed architecture learns to map from first-person views and plans a
sequence of actions towards goals in the environment. The Cognitive Mapper and
Planner (CMP) is based on two key ideas: a) a unified joint architecture for
mapping and planning, such that the mapping is driven by the needs of the task,
and b) a spatial memory with the ability to plan given an incomplete set of
observations about the world. CMP constructs a top-down belief map of the world
and applies a differentiable neural net planner to produce the next action at
each time step. The accumulated belief of the world enables the agent to track
visited regions of the environment. We train and test CMP on navigation
problems in simulation environments derived from scans of real world buildings.
Our experiments demonstrate that CMP outperforms alternate learning-based
architectures, as well as, classical mapping and path planning approaches in
many cases. Furthermore, it naturally extends to semantically specified goals,
such as 'going to a chair'. We also deploy CMP on physical robots in indoor
environments, where it achieves reasonable performance, even though it is
trained entirely in simulation.
|
Soft Weight-Sharing for Neural Network Compression | The success of deep learning in numerous application domains created the de-
sire to run and train them on mobile devices. This however, conflicts with
their computationally, memory and energy intense nature, leading to a growing
interest in compression. Recent work by Han et al. (2015a) propose a pipeline
that involves retraining, pruning and quantization of neural network weights,
obtaining state-of-the-art compression rates. In this paper, we show that
competitive compression rates can be achieved by using a version of soft
weight-sharing (Nowlan & Hinton, 1992). Our method achieves both quantization
and pruning in one simple (re-)training procedure. This point of view also
exposes the relation between compression and the minimum description length
(MDL) principle.
|
Is a Data-Driven Approach still Better than Random Choice with Naive
Bayes classifiers? | We study the performance of data-driven, a priori and random approaches to
label space partitioning for multi-label classification with a Gaussian Naive
Bayes classifier. Experiments were performed on 12 benchmark data sets and
evaluated on 5 established measures of classification quality: micro and macro
averaged F1 score, Subset Accuracy and Hamming loss. Data-driven methods are
significantly better than an average run of the random baseline. In case of F1
scores and Subset Accuracy - data driven approaches were more likely to perform
better than random approaches than otherwise in the worst case. There always
exists a method that performs better than a priori methods in the worst case.
The advantage of data-driven methods against a priori methods with a weak
classifier is lesser than when tree classifiers are used.
|
Mutual Kernel Matrix Completion | With the huge influx of various data nowadays, extracting knowledge from them
has become an interesting but tedious task among data scientists, particularly
when the data come in heterogeneous form and have missing information. Many
data completion techniques had been introduced, especially in the advent of
kernel methods. However, among the many data completion techniques available in
the literature, studies about mutually completing several incomplete kernel
matrices have not been given much attention yet. In this paper, we present a
new method, called Mutual Kernel Matrix Completion (MKMC) algorithm, that
tackles this problem of mutually inferring the missing entries of multiple
kernel matrices by combining the notions of data fusion and kernel matrix
completion, applied on biological data sets to be used for classification task.
We first introduced an objective function that will be minimized by exploiting
the EM algorithm, which in turn results to an estimate of the missing entries
of the kernel matrices involved. The completed kernel matrices are then
combined to produce a model matrix that can be used to further improve the
obtained estimates. An interesting result of our study is that the E-step and
the M-step are given in closed form, which makes our algorithm efficient in
terms of time and memory. After completion, the (completed) kernel matrices are
then used to train an SVM classifier to test how well the relationships among
the entries are preserved. Our empirical results show that the proposed
algorithm bested the traditional completion techniques in preserving the
relationships among the data points, and in accurately recovering the missing
kernel matrix entries. By far, MKMC offers a promising solution to the problem
of mutual estimation of a number of relevant incomplete kernel matrices.
|
Practical Learning of Predictive State Representations | Over the past decade there has been considerable interest in spectral
algorithms for learning Predictive State Representations (PSRs). Spectral
algorithms have appealing theoretical guarantees; however, the resulting models
do not always perform well on inference tasks in practice. One reason for this
behavior is the mismatch between the intended task (accurate filtering or
prediction) and the loss function being optimized by the algorithm (estimation
error in model parameters).
A natural idea is to improve performance by refining PSRs using an algorithm
such as EM. Unfortunately it is not obvious how to apply apply an EM style
algorithm in the context of PSRs as the Log Likelihood is not well defined for
all PSRs. We show that it is possible to overcome this problem using ideas from
Predictive State Inference Machines.
We combine spectral algorithms for PSRs as a consistent and efficient
initialization with PSIM-style updates to refine the resulting model
parameters. By combining these two ideas we develop Inference Gradients, a
simple, fast, and robust method for practical learning of PSRs. Inference
Gradients performs gradient descent in the PSR parameter space to optimize an
inference-based loss function like PSIM. Because Inference Gradients uses a
spectral initialization we get the same consistency benefits as PSRs. We show
that Inference Gradients outperforms both PSRs and PSIMs on real and synthetic
data sets.
|
Gaussian-Dirichlet Posterior Dominance in Sequential Learning | We consider the problem of sequential learning from categorical observations
bounded in [0,1]. We establish an ordering between the Dirichlet posterior over
categorical outcomes and a Gaussian posterior under observations with N(0,1)
noise. We establish that, conditioned upon identical data with at least two
observations, the posterior mean of the categorical distribution will always
second-order stochastically dominate the posterior mean of the Gaussian
distribution. These results provide a useful tool for the analysis of
sequential learning under categorical outcomes.
|
Crossmatching variable objects with the Gaia data | Tens of millions of new variable objects are expected to be identified in
over a billion time series from the Gaia mission. Crossmatching known variable
sources with those from Gaia is crucial to incorporate current knowledge,
understand how these objects appear in the Gaia data, train supervised
classifiers to recognise known classes, and validate the results of the
Variability Processing and Analysis Coordination Unit (CU7) within the Gaia
Data Analysis and Processing Consortium (DPAC). The method employed by CU7 to
crossmatch variables for the first Gaia data release includes a binary
classifier to take into account positional uncertainties, proper motion,
targeted variability signals, and artefacts present in the early calibration of
the Gaia data. Crossmatching with a classifier makes it possible to automate
all those decisions which are typically made during visual inspection. The
classifier can be trained with objects characterized by a variety of attributes
to ensure similarity in multiple dimensions (astrometry, photometry,
time-series features), with no need for a-priori transformations to compare
different photometric bands, or of predictive models of the motion of objects
to compare positions. Other advantages as well as some disadvantages of the
method are discussed. Implementation steps from the training to the assessment
of the crossmatch classifier and selection of results are described.
|
On Detecting Adversarial Perturbations | Machine learning and deep learning in particular has advanced tremendously on
perceptual tasks in recent years. However, it remains vulnerable against
adversarial perturbations of the input that have been crafted specifically to
fool the system while being quasi-imperceptible to a human. In this work, we
propose to augment deep neural networks with a small "detector" subnetwork
which is trained on the binary classification task of distinguishing genuine
data from data containing adversarial perturbations. Our method is orthogonal
to prior work on addressing adversarial perturbations, which has mostly focused
on making the classification network itself more robust. We show empirically
that adversarial perturbations can be detected surprisingly well even though
they are quasi-imperceptible to humans. Moreover, while the detectors have been
trained to detect only a specific adversary, they generalize to similar and
weaker adversaries. In addition, we propose an adversarial attack that fools
both the classifier and the detector and a novel training procedure for the
detector that counteracts this attack.
|
Exploring loss function topology with cyclical learning rates | We present observations and discussion of previously unreported phenomena
discovered while training residual networks. The goal of this work is to better
understand the nature of neural networks through the examination of these new
empirical results. These behaviors were identified through the application of
Cyclical Learning Rates (CLR) and linear network interpolation. Among these
behaviors are counterintuitive increases and decreases in training loss and
instances of rapid training. For example, we demonstrate how CLR can produce
greater testing accuracy than traditional training despite using large learning
rates. Files to replicate these results are available at
https://github.com/lnsmith54/exploring-loss
|
Small Boxes Big Data: A Deep Learning Approach to Optimize Variable
Sized Bin Packing | Bin Packing problems have been widely studied because of their broad
applications in different domains. Known as a set of NP-hard problems, they
have different vari- ations and many heuristics have been proposed for
obtaining approximate solutions. Specifically, for the 1D variable sized bin
packing problem, the two key sets of optimization heuristics are the bin
assignment and the bin allocation. Usually the performance of a single static
optimization heuristic can not beat that of a dynamic one which is tailored for
each bin packing instance. Building such an adaptive system requires modeling
the relationship between bin features and packing perform profiles. The primary
drawbacks of traditional AI machine learnings for this task are the natural
limitations of feature engineering, such as the curse of dimensionality and
feature selection quality. We introduce a deep learning approach to overcome
the drawbacks by applying a large training data set, auto feature selection and
fast, accurate labeling. We show in this paper how to build such a system by
both theoretical formulation and engineering practices. Our prediction system
achieves up to 89% training accuracy and 72% validation accuracy to select the
best heuristic that can generate a better quality bin packing solution.
|
Efficient Multitask Feature and Relationship Learning | We consider a multitask learning problem, in which several predictors are
learned jointly. Prior research has shown that learning the relations between
tasks, and between the input features, together with the predictor, can lead to
better generalization and interpretability, which proved to be useful for
applications in many domains. In this paper, we consider a formulation of
multitask learning that learns the relationships both between tasks and between
features, represented through a task covariance and a feature covariance
matrix, respectively. First, we demonstrate that existing methods proposed for
this problem present an issue that may lead to ill-posed optimization. We then
propose an alternative formulation, as well as an efficient algorithm to
optimize it. Using ideas from optimization and graph theory, we propose an
efficient coordinate-wise minimization algorithm that has a closed form
solution for each block subproblem. Our experiments show that the proposed
optimization method is orders of magnitude faster than its competitors. We also
provide a nonlinear extension that is able to achieve better generalization
than existing methods.
|
Robust Stochastic Configuration Networks with Kernel Density Estimation | Neural networks have been widely used as predictive models to fit data
distribution, and they could be implemented through learning a collection of
samples. In many applications, however, the given dataset may contain noisy
samples or outliers which may result in a poor learner model in terms of
generalization. This paper contributes to a development of robust stochastic
configuration networks (RSCNs) for resolving uncertain data regression
problems. RSCNs are built on original stochastic configuration networks with
weighted least squares method for evaluating the output weights, and the input
weights and biases are incrementally and randomly generated by satisfying with
a set of inequality constrains. The kernel density estimation (KDE) method is
employed to set the penalty weights for each training samples, so that some
negative impacts, caused by noisy data or outliers, on the resulting learner
model can be reduced. The alternating optimization technique is applied for
updating a RSCN model with improved penalty weights computed from the kernel
density estimation function. Performance evaluation is carried out by a
function approximation, four benchmark datasets and a case study on engineering
application. Comparisons to other robust randomised neural modelling
techniques, including the probabilistic robust learning algorithm for neural
networks with random weights and improved RVFL networks, indicate that the
proposed RSCNs with KDE perform favourably and demonstrate good potential for
real-world applications.
|
Frustratingly Short Attention Spans in Neural Language Modeling | Neural language models predict the next token using a latent representation
of the immediate token history. Recently, various methods for augmenting neural
language models with an attention mechanism over a differentiable memory have
been proposed. For predicting the next token, these models query information
from a memory of the recent history which can facilitate learning mid- and
long-range dependencies. However, conventional attention mechanisms used in
memory-augmented neural language models produce a single output vector per time
step. This vector is used both for predicting the next token as well as for the
key and value of a differentiable memory of a token history. In this paper, we
propose a neural language model with a key-value attention mechanism that
outputs separate representations for the key and value of a differentiable
memory, as well as for encoding the next-word distribution. This model
outperforms existing memory-augmented neural language models on two corpora.
Yet, we found that our method mainly utilizes a memory of the five most recent
output representations. This led to the unexpected main finding that a much
simpler model based only on the concatenation of recent output representations
from previous time steps is on par with more sophisticated memory-augmented
neural language models.
|
On the Discrepancy Between Kleinberg's Clustering Axioms and $k$-Means
Clustering Algorithm Behavior | This paper investigates the validity of Kleinberg's axioms for clustering
functions with respect to the quite popular clustering algorithm called
$k$-means. While Kleinberg's axioms have been discussed heavily in the past, we
concentrate here on the case predominantly relevant for $k$-means algorithm,
that is behavior embedded in Euclidean space. We point at some contradictions
and counter intuitiveness aspects of this axiomatic set within $\mathbb{R}^m$
that were evidently not discussed so far. Our results suggest that apparently
without defining clearly what kind of clusters we expect we will not be able to
construct a valid axiomatic system. In particular we look at the shape and the
gaps between the clusters. Finally we demonstrate that there exist several ways
to reconcile the formulation of the axioms with their intended meaning and that
under this reformulation the axioms stop to be contradictory and the real-world
$k$-means algorithm conforms to this axiomatic system.
|
A Spacetime Approach to Generalized Cognitive Reasoning in Multi-scale
Learning | In modern machine learning, pattern recognition replaces realtime semantic
reasoning. The mapping from input to output is learned with fixed semantics by
training outcomes deliberately. This is an expensive and static approach which
depends heavily on the availability of a very particular kind of prior raining
data to make inferences in a single step. Conventional semantic network
approaches, on the other hand, base multi-step reasoning on modal logics and
handcrafted ontologies, which are ad hoc, expensive to construct, and fragile
to inconsistency. Both approaches may be enhanced by a hybrid approach, which
completely separates reasoning from pattern recognition. In this report, a
quasi-linguistic approach to knowledge representation is discussed, motivated
by spacetime structure. Tokenized patterns from diverse sources are integrated
to build a lightly constrained and approximately scale-free network. This is
then be parsed with very simple recursive algorithms to generate
`brainstorming' sets of reasoned knowledge.
|
Generative Temporal Models with Memory | We consider the general problem of modeling temporal data with long-range
dependencies, wherein new observations are fully or partially predictable based
on temporally-distant, past observations. A sufficiently powerful temporal
model should separate predictable elements of the sequence from unpredictable
elements, express uncertainty about those unpredictable elements, and rapidly
identify novel elements that may help to predict the future. To create such
models, we introduce Generative Temporal Models augmented with external memory
systems. They are developed within the variational inference framework, which
provides both a practical training methodology and methods to gain insight into
the models' operation. We show, on a range of problems with sparse, long-term
temporal dependencies, that these models store information from early in a
sequence, and reuse this stored information efficiently. This allows them to
perform substantially better than existing models based on well-known recurrent
neural networks, like LSTMs.
|
Distributed deep learning on edge-devices: feasibility via adaptive
compression | A large portion of data mining and analytic services use modern machine
learning techniques, such as deep learning. The state-of-the-art results by
deep learning come at the price of an intensive use of computing resources. The
leading frameworks (e.g., TensorFlow) are executed on GPUs or on high-end
servers in datacenters. On the other end, there is a proliferation of personal
devices with possibly free CPU cycles; this can enable services to run in
users' homes, embedding machine learning operations. In this paper, we ask the
following question: Is distributed deep learning computation on WAN connected
devices feasible, in spite of the traffic caused by learning tasks? We show
that such a setup rises some important challenges, most notably the ingress
traffic that the servers hosting the up-to-date model have to sustain.
In order to reduce this stress, we propose adaComp, a novel algorithm for
compressing worker updates to the model on the server. Applicable to stochastic
gradient descent based approaches, it combines efficient gradient selection and
learning rate modulation. We then experiment and measure the impact of
compression, device heterogeneity and reliability on the accuracy of learned
models, with an emulator platform that embeds TensorFlow into Linux containers.
We report a reduction of the total amount of data sent by workers to the server
by two order of magnitude (e.g., 191-fold reduction for a convolutional network
on the MNIST dataset), when compared to a standard asynchronous stochastic
gradient descent, while preserving model accuracy.
|
Nearest Labelset Using Double Distances for Multi-label Classification | Multi-label classification is a type of supervised learning where an instance
may belong to multiple labels simultaneously. Predicting each label
independently has been criticized for not exploiting any correlation between
labels. In this paper we propose a novel approach, Nearest Labelset using
Double Distances (NLDD), that predicts the labelset observed in the training
data that minimizes a weighted sum of the distances in both the feature space
and the label space to the new instance. The weights specify the relative
tradeoff between the two distances. The weights are estimated from a binomial
regression of the number of misclassified labels as a function of the two
distances. Model parameters are estimated by maximum likelihood. NLDD only
considers labelsets observed in the training data, thus implicitly taking into
account label dependencies. Experiments on benchmark multi-label data sets show
that the proposed method on average outperforms other well-known approaches in
terms of Hamming loss, 0/1 loss, and multi-label accuracy and ranks second
after ECC on the F-measure.
|
Support Vector Machines and generalisation in HEP | We review the concept of Support Vector Machines (SVMs) and discuss examples
of their use in a number of scenarios. Several SVM implementations have been
used in HEP and we exemplify this algorithm using the Toolkit for Multivariate
Analysis (TMVA) implementation. We discuss examples relevant to HEP including
background suppression for $H\to\tau^+\tau^-$ at the LHC with several different
kernel functions. Performance benchmarking leads to the issue of generalisation
of hyper-parameter selection. The avoidance of fine tuning (over training or
over fitting) in MVA hyper-parameter optimisation, i.e. the ability to ensure
generalised performance of an MVA that is independent of the training,
validation and test samples, is of utmost importance. We discuss this issue and
compare and contrast performance of hold-out and k-fold cross-validation. We
have extended the SVM functionality and introduced tools to facilitate cross
validation in TMVA and present results based on these improvements.
|
Linear Time Computation of Moments in Sum-Product Networks | Bayesian online algorithms for Sum-Product Networks (SPNs) need to update
their posterior distribution after seeing one single additional instance. To do
so, they must compute moments of the model parameters under this distribution.
The best existing method for computing such moments scales quadratically in the
size of the SPN, although it scales linearly for trees. This unfortunate
scaling makes Bayesian online algorithms prohibitively expensive, except for
small or tree-structured SPNs. We propose an optimal linear-time algorithm that
works even when the SPN is a general directed acyclic graph (DAG), which
significantly broadens the applicability of Bayesian online algorithms for
SPNs. There are three key ingredients in the design and analysis of our
algorithm: 1). For each edge in the graph, we construct a linear time reduction
from the moment computation problem to a joint inference problem in SPNs. 2).
Using the property that each SPN computes a multilinear polynomial, we give an
efficient procedure for polynomial evaluation by differentiation without
expanding the network that may contain exponentially many monomials. 3). We
propose a dynamic programming method to further reduce the computation of the
moments of all the edges in the graph from quadratic to linear. We demonstrate
the usefulness of our linear time algorithm by applying it to develop a linear
time assume density filter (ADF) for SPNs.
|
Training Language Models Using Target-Propagation | While Truncated Back-Propagation through Time (BPTT) is the most popular
approach to training Recurrent Neural Networks (RNNs), it suffers from being
inherently sequential (making parallelization difficult) and from truncating
gradient flow between distant time-steps. We investigate whether Target
Propagation (TPROP) style approaches can address these shortcomings.
Unfortunately, extensive experiments suggest that TPROP generally underperforms
BPTT, and we end with an analysis of this phenomenon, and suggestions for
future work.
|
Precise Recovery of Latent Vectors from Generative Adversarial Networks | Generative adversarial networks (GANs) transform latent vectors into visually
plausible images. It is generally thought that the original GAN formulation
gives no out-of-the-box method to reverse the mapping, projecting images back
into latent space. We introduce a simple, gradient-based technique called
stochastic clipping. In experiments, for images generated by the GAN, we
precisely recover their latent vector pre-images 100% of the time. Additional
experiments demonstrate that this method is robust to noise. Finally, we show
that even for unseen images, our method appears to recover unique encodings.
|
Learning to Use Learners' Advice | In this paper, we study a variant of the framework of online learning using
expert advice with limited/bandit feedback. We consider each expert as a
learning entity, seeking to more accurately reflecting certain real-world
applications. In our setting, the feedback at any time $t$ is limited in a
sense that it is only available to the expert $i^t$ that has been selected by
the central algorithm (forecaster), \emph{i.e.}, only the expert $i^t$ receives
feedback from the environment and gets to learn at time $t$. We consider a
generic black-box approach whereby the forecaster does not control or know the
learning dynamics of the experts apart from knowing the following no-regret
learning property: the average regret of any expert $j$ vanishes at a rate of
at least $O(t_j^{\regretRate-1})$ with $t_j$ learning steps where $\regretRate
\in [0, 1]$ is a parameter.
In the spirit of competing against the best action in hindsight in
multi-armed bandits problem, our goal here is to be competitive w.r.t. the
cumulative losses the algorithm could receive by following the policy of always
selecting one expert. We prove the following hardness result: without any
coordination between the forecaster and the experts, it is impossible to design
a forecaster achieving no-regret guarantees. In order to circumvent this
hardness result, we consider a practical assumption allowing the forecaster to
"guide" the learning process of the experts by filtering/blocking some of the
feedbacks observed by them from the environment, \emph{i.e.}, not allowing the
selected expert $i^t$ to learn at time $t$ for some time steps. Then, we design
a novel no-regret learning algorithm \algo for this problem setting by
carefully guiding the feedbacks observed by experts. We prove that \algo
achieves the worst-case expected cumulative regret of $O(\Time^\frac{1}{2 -
\regretRate})$ after $\Time$ time steps.
|
Dynamic Partition Models | We present a new approach for learning compact and intuitive distributed
representations with binary encoding. Rather than summing up expert votes as in
products of experts, we employ for each variable the opinion of the most
reliable expert. Data points are hence explained through a partitioning of the
variables into expert supports. The partitions are dynamically adapted based on
which experts are active. During the learning phase we adopt a smoothed version
of this model that uses separate mixtures for each data dimension. In our
experiments we achieve accurate reconstructions of high-dimensional data points
with at most a dozen experts.
|
Sketched Ridge Regression: Optimization Perspective, Statistical
Perspective, and Model Averaging | We address the statistical and optimization impacts of the classical sketch
and Hessian sketch used to approximately solve the Matrix Ridge Regression
(MRR) problem. Prior research has quantified the effects of classical sketch on
the strictly simpler least squares regression (LSR) problem. We establish that
classical sketch has a similar effect upon the optimization properties of MRR
as it does on those of LSR: namely, it recovers nearly optimal solutions. By
contrast, Hessian sketch does not have this guarantee, instead, the
approximation error is governed by a subtle interplay between the "mass" in the
responses and the optimal objective value.
For both types of approximation, the regularization in the sketched MRR
problem results in significantly different statistical properties from those of
the sketched LSR problem. In particular, there is a bias-variance trade-off in
sketched MRR that is not present in sketched LSR. We provide upper and lower
bounds on the bias and variance of sketched MRR, these bounds show that
classical sketch significantly increases the variance, while Hessian sketch
significantly increases the bias. Empirically, sketched MRR solutions can have
risks that are higher by an order-of-magnitude than those of the optimal MRR
solutions.
We establish theoretically and empirically that model averaging greatly
decreases the gap between the risks of the true and sketched solutions to the
MRR problem. Thus, in parallel or distributed settings, sketching combined with
model averaging is a powerful technique that quickly obtains near-optimal
solutions to the MRR problem while greatly mitigating the increased statistical
risk incurred by sketching.
|
Generalizing Jensen and Bregman divergences with comparative convexity
and the statistical Bhattacharyya distances with comparable means | Comparative convexity is a generalization of convexity relying on abstract
notions of means. We define the Jensen divergence and the Jensen diversity from
the viewpoint of comparative convexity, and show how to obtain the generalized
Bregman divergences as limit cases of skewed Jensen divergences. In particular,
we report explicit formula of these generalized Bregman divergences when
considering quasi-arithmetic means. Finally, we introduce a generalization of
the Bhattacharyya statistical distances based on comparative means using
relative convexity.
|
Reflexive Regular Equivalence for Bipartite Data | Bipartite data is common in data engineering and brings unique challenges,
particularly when it comes to clustering tasks that impose on strong structural
assumptions. This work presents an unsupervised method for assessing similarity
in bipartite data. Similar to some co-clustering methods, the method is based
on regular equivalence in graphs. The algorithm uses spectral properties of a
bipartite adjacency matrix to estimate similarity in both dimensions. The
method is reflexive in that similarity in one dimension is used to inform
similarity in the other. Reflexive regular equivalence can also use the
structure of transitivities -- in a network sense -- the contribution of which
is controlled by the algorithm's only free-parameter, $\alpha$. The method is
completely unsupervised and can be used to validate assumptions of
co-similarity, which are required but often untested, in co-clustering
analyses. Three variants of the method with different normalizations are tested
on synthetic data. The method is found to be robust to noise and well-suited to
asymmetric co-similar structure, making it particularly informative for cluster
analysis and recommendation in bipartite data of unknown structure. In
experiments, the convergence and speed of the algorithm are found to be stable
for different levels of noise. Real-world data from a network of malaria genes
are analyzed, where the similarity produced by the reflexive method is shown to
out-perform other measures' ability to correctly classify genes.
|
Unbiased Online Recurrent Optimization | The novel Unbiased Online Recurrent Optimization (UORO) algorithm allows for
online learning of general recurrent computational graphs such as recurrent
network models. It works in a streaming fashion and avoids backtracking through
past activations and inputs. UORO is computationally as costly as Truncated
Backpropagation Through Time (truncated BPTT), a widespread algorithm for
online learning of recurrent networks. UORO is a modification of NoBackTrack
that bypasses the need for model sparsity and makes implementation easy in
current deep learning frameworks, even for complex models.
Like NoBackTrack, UORO provides unbiased gradient estimates; unbiasedness is
the core hypothesis in stochastic gradient descent theory, without which
convergence to a local optimum is not guaranteed. On the contrary, truncated
BPTT does not provide this property, leading to possible divergence.
On synthetic tasks where truncated BPTT is shown to diverge, UORO converges.
For instance, when a parameter has a positive short-term but negative long-term
influence, truncated BPTT diverges unless the truncation span is very
significantly longer than the intrinsic temporal range of the interactions,
while UORO performs well thanks to the unbiasedness of its gradients.
|
Discovering objects and their relations from entangled scene
representations | Our world can be succinctly and compactly described as structured scenes of
objects and relations. A typical room, for example, contains salient objects
such as tables, chairs and books, and these objects typically relate to each
other by their underlying causes and semantics. This gives rise to correlated
features, such as position, function and shape. Humans exploit knowledge of
objects and their relations for learning a wide spectrum of tasks, and more
generally when learning the structure underlying observed data. In this work,
we introduce relation networks (RNs) - a general purpose neural network
architecture for object-relation reasoning. We show that RNs are capable of
learning object relations from scene description data. Furthermore, we show
that RNs can act as a bottleneck that induces the factorization of objects from
entangled scene description inputs, and from distributed deep representations
of scene images provided by a variational autoencoder. The model can also be
used in conjunction with differentiable memory mechanisms for implicit relation
discovery in one-shot learning tasks. Our results suggest that relation
networks are a potentially powerful architecture for solving a variety of
problems that require object relation reasoning.
|
Semi-supervised Learning for Discrete Choice Models | We introduce a semi-supervised discrete choice model to calibrate discrete
choice models when relatively few requests have both choice sets and stated
preferences but the majority only have the choice sets. Two classic
semi-supervised learning algorithms, the expectation maximization algorithm and
the cluster-and-label algorithm, have been adapted to our choice modeling
problem setting. We also develop two new algorithms based on the
cluster-and-label algorithm. The new algorithms use the Bayesian Information
Criterion to evaluate a clustering setting to automatically adjust the number
of clusters. Two computational studies including a hotel booking case and a
large-scale airline itinerary shopping case are presented to evaluate the
prediction accuracy and computational effort of the proposed algorithms.
Algorithmic recommendations are rendered under various scenarios.
|
Latent Laplacian Maximum Entropy Discrimination for Detection of
High-Utility Anomalies | Data-driven anomaly detection methods suffer from the drawback of detecting
all instances that are statistically rare, irrespective of whether the detected
instances have real-world significance or not. In this paper, we are interested
in the problem of specifically detecting anomalous instances that are known to
have high real-world utility, while ignoring the low-utility statistically
anomalous instances. To this end, we propose a novel method called Latent
Laplacian Maximum Entropy Discrimination (LatLapMED) as a potential solution.
This method uses the EM algorithm to simultaneously incorporate the Geometric
Entropy Minimization principle for identifying statistical anomalies, and the
Maximum Entropy Discrimination principle to incorporate utility labels, in
order to detect high-utility anomalies. We apply our method in both simulated
and real datasets to demonstrate that it has superior performance over existing
alternatives that independently pre-process with unsupervised anomaly detection
algorithms before classifying.
|
RIPML: A Restricted Isometry Property based Approach to Multilabel
Learning | The multilabel learning problem with large number of labels, features, and
data-points has generated a tremendous interest recently. A recurring theme of
these problems is that only a few labels are active in any given datapoint as
compared to the total number of labels. However, only a small number of
existing work take direct advantage of this inherent extreme sparsity in the
label space. By the virtue of Restricted Isometry Property (RIP), satisfied by
many random ensembles, we propose a novel procedure for multilabel learning
known as RIPML. During the training phase, in RIPML, labels are projected onto
a random low-dimensional subspace followed by solving a least-square problem in
this subspace. Inference is done by a k-nearest neighbor (kNN) based approach.
We demonstrate the effectiveness of RIPML by conducting extensive simulations
and comparing results with the state-of-the-art linear dimensionality reduction
based approaches.
|
Completing a joint PMF from projections: a low-rank coupled tensor
factorization approach | There has recently been considerable interest in completing a low-rank matrix
or tensor given only a small fraction (or few linear combinations) of its
entries. Related approaches have found considerable success in the area of
recommender systems, under machine learning. From a statistical estimation
point of view, the gold standard is to have access to the joint probability
distribution of all pertinent random variables, from which any desired optimal
estimator can be readily derived. In practice high-dimensional joint
distributions are very hard to estimate, and only estimates of low-dimensional
projections may be available. We show that it is possible to identify
higher-order joint PMFs from lower-order marginalized PMFs using coupled
low-rank tensor factorization. Our approach features guaranteed identifiability
when the full joint PMF is of low-enough rank, and effective approximation
otherwise. We provide an algorithmic approach to compute the sought factors,
and illustrate the merits of our approach using rating prediction as an
example.
|
The Simulator: Understanding Adaptive Sampling in the
Moderate-Confidence Regime | We propose a novel technique for analyzing adaptive sampling called the {\em
Simulator}. Our approach differs from the existing methods by considering not
how much information could be gathered by any fixed sampling strategy, but how
difficult it is to distinguish a good sampling strategy from a bad one given
the limited amount of data collected up to any given time. This change of
perspective allows us to match the strength of both Fano and change-of-measure
techniques, without succumbing to the limitations of either method. For
concreteness, we apply our techniques to a structured multi-arm bandit problem
in the fixed-confidence pure exploration setting, where we show that the
constraints on the means imply a substantial gap between the
moderate-confidence sample complexity, and the asymptotic sample complexity as
$\delta \to 0$ found in the literature. We also prove the first instance-based
lower bounds for the top-k problem which incorporate the appropriate
log-factors. Moreover, our lower bounds zero-in on the number of times each
\emph{individual} arm needs to be pulled, uncovering new phenomena which are
drowned out in the aggregate sample complexity. Our new analysis inspires a
simple and near-optimal algorithm for the best-arm and top-k identification,
the first {\em practical} algorithm of its kind for the latter problem which
removes extraneous log factors, and outperforms the state-of-the-art in
experiments.
|
Cloud-based Deep Learning of Big EEG Data for Epileptic Seizure
Prediction | Developing a Brain-Computer Interface~(BCI) for seizure prediction can help
epileptic patients have a better quality of life. However, there are many
difficulties and challenges in developing such a system as a real-life support
for patients. Because of the nonstationary nature of EEG signals, normal and
seizure patterns vary across different patients. Thus, finding a group of
manually extracted features for the prediction task is not practical. Moreover,
when using implanted electrodes for brain recording massive amounts of data are
produced. This big data calls for the need for safe storage and high
computational resources for real-time processing. To address these challenges,
a cloud-based BCI system for the analysis of this big EEG data is presented.
First, a dimensionality-reduction technique is developed to increase
classification accuracy as well as to decrease the communication bandwidth and
computation time. Second, following a deep-learning approach, a stacked
autoencoder is trained in two steps for unsupervised feature extraction and
classification. Third, a cloud-computing solution is proposed for real-time
analysis of big EEG data. The results on a benchmark clinical dataset
illustrate the superiority of the proposed patient-specific BCI as an
alternative method and its expected usefulness in real-life support of epilepsy
patients.
|
Solving Equations of Random Convex Functions via Anchored Regression | We consider the question of estimating a solution to a system of equations
that involve convex nonlinearities, a problem that is common in machine
learning and signal processing. Because of these nonlinearities, conventional
estimators based on empirical risk minimization generally involve solving a
non-convex optimization program. We propose anchored regression, a new approach
based on convex programming that amounts to maximizing a linear functional
(perhaps augmented by a regularizer) over a convex set. The proposed convex
program is formulated in the natural space of the problem, and avoids the
introduction of auxiliary variables, making it computationally favorable.
Working in the native space also provides great flexibility as structural
priors (e.g., sparsity) can be seamlessly incorporated.
For our analysis, we model the equations as being drawn from a fixed set
according to a probability law. Our main results provide guarantees on the
accuracy of the estimator in terms of the number of equations we are solving,
the amount of noise present, a measure of statistical complexity of the random
equations, and the geometry of the regularizer at the true solution. We also
provide recipes for constructing the anchor vector (that determines the linear
functional to maximize) directly from the observed data.
|
Predicting Surgery Duration with Neural Heteroscedastic Regression | Scheduling surgeries is a challenging task due to the fundamental uncertainty
of the clinical environment, as well as the risks and costs associated with
under- and over-booking. We investigate neural regression algorithms to
estimate the parameters of surgery case durations, focusing on the issue of
heteroscedasticity. We seek to simultaneously estimate the duration of each
surgery, as well as a surgery-specific notion of our uncertainty about its
duration. Estimating this uncertainty can lead to more nuanced and effective
scheduling strategies, as we are able to schedule surgeries more efficiently
while allowing an informed and case-specific margin of error. Using surgery
records %from the UC San Diego Health System, from a large United States health
system we demonstrate potential improvements on the order of 20% (in terms of
minutes overbooked) compared to current scheduling techniques. Moreover, we
demonstrate that surgery durations are indeed heteroscedastic. We show that
models that estimate case-specific uncertainty better fit the data (log
likelihood). Additionally, we show that the heteroscedastic predictions can
more optimally trade off between over and under-booking minutes, especially
when idle minutes and scheduling collisions confer disparate costs.
|
A Random Matrix Approach to Neural Networks | This article studies the Gram random matrix model $G=\frac1T\Sigma^{\rm
T}\Sigma$, $\Sigma=\sigma(WX)$, classically found in the analysis of random
feature maps and random neural networks, where $X=[x_1,\ldots,x_T]\in{\mathbb
R}^{p\times T}$ is a (data) matrix of bounded norm, $W\in{\mathbb R}^{n\times
p}$ is a matrix of independent zero-mean unit variance entries, and
$\sigma:{\mathbb R}\to{\mathbb R}$ is a Lipschitz continuous (activation)
function --- $\sigma(WX)$ being understood entry-wise. By means of a key
concentration of measure lemma arising from non-asymptotic random matrix
arguments, we prove that, as $n,p,T$ grow large at the same rate, the resolvent
$Q=(G+\gamma I_T)^{-1}$, for $\gamma>0$, has a similar behavior as that met in
sample covariance matrix models, involving notably the moment
$\Phi=\frac{T}n{\mathbb E}[G]$, which provides in passing a deterministic
equivalent for the empirical spectral measure of $G$. Application-wise, this
result enables the estimation of the asymptotic performance of single-layer
random neural networks. This in turn provides practical insights into the
underlying mechanisms into play in random neural networks, entailing several
unexpected consequences, as well as a fast practical means to tune the network
hyperparameters.
|
Maximally Correlated Principal Component Analysis | In the era of big data, reducing data dimensionality is critical in many
areas of science. Widely used Principal Component Analysis (PCA) addresses this
problem by computing a low dimensional data embedding that maximally explain
variance of the data. However, PCA has two major weaknesses. Firstly, it only
considers linear correlations among variables (features), and secondly it is
not suitable for categorical data. We resolve these issues by proposing
Maximally Correlated Principal Component Analysis (MCPCA). MCPCA computes
transformations of variables whose covariance matrix has the largest Ky Fan
norm. Variable transformations are unknown, can be nonlinear and are computed
in an optimization. MCPCA can also be viewed as a multivariate extension of
Maximal Correlation. For jointly Gaussian variables we show that the covariance
matrix corresponding to the identity (or the negative of the identity)
transformations majorizes covariance matrices of non-identity functions. Using
this result we characterize global MCPCA optimizers for nonlinear functions of
jointly Gaussian variables for every rank constraint. For categorical variables
we characterize global MCPCA optimizers for the rank one constraint based on
the leading eigenvector of a matrix computed using pairwise joint
distributions. For a general rank constraint we propose a block coordinate
descend algorithm and show its convergence to stationary points of the MCPCA
optimization. We compare MCPCA with PCA and other state-of-the-art
dimensionality reduction methods including Isomap, LLE, multilayer autoencoders
(neural networks), kernel PCA, probabilistic PCA and diffusion maps on several
synthetic and real datasets. We show that MCPCA consistently provides improved
performance compared to other methods.
|
Beyond the Hazard Rate: More Perturbation Algorithms for Adversarial
Multi-armed Bandits | Recent work on follow the perturbed leader (FTPL) algorithms for the
adversarial multi-armed bandit problem has highlighted the role of the hazard
rate of the distribution generating the perturbations. Assuming that the hazard
rate is bounded, it is possible to provide regret analyses for a variety of
FTPL algorithms for the multi-armed bandit problem. This paper pushes the
inquiry into regret bounds for FTPL algorithms beyond the bounded hazard rate
condition. There are good reasons to do so: natural distributions such as the
uniform and Gaussian violate the condition. We give regret bounds for both
bounded support and unbounded support distributions without assuming the hazard
rate condition. We also disprove a conjecture that the Gaussian distribution
cannot lead to a low-regret algorithm. In fact, it turns out that it leads to
near optimal regret, up to logarithmic factors. A key ingredient in our
approach is the introduction of a new notion called the generalized hazard
rate.
|
Dataset Augmentation in Feature Space | Dataset augmentation, the practice of applying a wide array of
domain-specific transformations to synthetically expand a training set, is a
standard tool in supervised learning. While effective in tasks such as visual
recognition, the set of transformations must be carefully designed,
implemented, and tested for every new domain, limiting its re-use and
generality. In this paper, we adopt a simpler, domain-agnostic approach to
dataset augmentation. We start with existing data points and apply simple
transformations such as adding noise, interpolating, or extrapolating between
them. Our main insight is to perform the transformation not in input space, but
in a learned feature space. A re-kindling of interest in unsupervised
representation learning makes this technique timely and more effective. It is a
simple proposal, but to-date one that has not been tested empirically. Working
in the space of context vectors generated by sequence-to-sequence models, we
demonstrate a technique that is effective for both static and sequential data.
|
Bi-Level Online Control without Regret | This paper considers a bi-level discrete-time control framework with
real-time constraints, consisting of several local controllers and a central
controller. The objective is to bridge the gap between the online convex
optimization and real-time control literature by proposing an online control
algorithm with small dynamic regret, which is a natural performance criterion
in nonstationary environments related to real-time control problems. We
illustrate how the proposed algorithm can be applied to real-time control of
power setpoints in an electrical grid.
|
On the Equivalence of Holographic and Complex Embeddings for Link
Prediction | We show the equivalence of two state-of-the-art link prediction/knowledge
graph completion methods: Nickel et al's holographic embedding and Trouillon et
al.'s complex embedding. We first consider a spectral version of the
holographic embedding, exploiting the frequency domain in the Fourier transform
for efficient computation. The analysis of the resulting method reveals that it
can be viewed as an instance of the complex embedding with certain constraints
cast on the initial vectors upon training. Conversely, any complex embedding
can be converted to an equivalent holographic embedding.
|
Thresholding based Efficient Outlier Robust PCA | We consider the problem of outlier robust PCA (OR-PCA) where the goal is to
recover principal directions despite the presence of outlier data points. That
is, given a data matrix $M^*$, where $(1-\alpha)$ fraction of the points are
noisy samples from a low-dimensional subspace while $\alpha$ fraction of the
points can be arbitrary outliers, the goal is to recover the subspace
accurately. Existing results for \OR-PCA have serious drawbacks: while some
results are quite weak in the presence of noise, other results have runtime
quadratic in dimension, rendering them impractical for large scale
applications.
In this work, we provide a novel thresholding based iterative algorithm with
per-iteration complexity at most linear in the data size. Moreover, the
fraction of outliers, $\alpha$, that our method can handle is tight up to
constants while providing nearly optimal computational complexity for a general
noise setting. For the special case where the inliers are obtained from a
low-dimensional subspace with additive Gaussian noise, we show that a
modification of our thresholding based method leads to significant improvement
in recovery error (of the subspace) even in the presence of a large fraction of
outliers.
|
A Hitting Time Analysis of Stochastic Gradient Langevin Dynamics | We study the Stochastic Gradient Langevin Dynamics (SGLD) algorithm for
non-convex optimization. The algorithm performs stochastic gradient descent,
where in each step it injects appropriately scaled Gaussian noise to the
update. We analyze the algorithm's hitting time to an arbitrary subset of the
parameter space. Two results follow from our general theory: First, we prove
that for empirical risk minimization, if the empirical risk is point-wise close
to the (smooth) population risk, then the algorithm achieves an approximate
local minimum of the population risk in polynomial time, escaping suboptimal
local minima that only exist in the empirical risk. Second, we show that SGLD
improves on one of the best known learnability results for learning linear
classifiers under the zero-one loss.
|
Revisiting Perceptron: Efficient and Label-Optimal Learning of
Halfspaces | It has been a long-standing problem to efficiently learn a halfspace using as
few labels as possible in the presence of noise. In this work, we propose an
efficient Perceptron-based algorithm for actively learning homogeneous
halfspaces under the uniform distribution over the unit sphere. Under the
bounded noise condition~\cite{MN06}, where each label is flipped with
probability at most $\eta < \frac 1 2$, our algorithm achieves a near-optimal
label complexity of
$\tilde{O}\left(\frac{d}{(1-2\eta)^2}\ln\frac{1}{\epsilon}\right)$ in time
$\tilde{O}\left(\frac{d^2}{\epsilon(1-2\eta)^3}\right)$. Under the adversarial
noise condition~\cite{ABL14, KLS09, KKMS08}, where at most a $\tilde
\Omega(\epsilon)$ fraction of labels can be flipped, our algorithm achieves a
near-optimal label complexity of $\tilde{O}\left(d\ln\frac{1}{\epsilon}\right)$
in time $\tilde{O}\left(\frac{d^2}{\epsilon}\right)$. Furthermore, we show that
our active learning algorithm can be converted to an efficient passive learning
algorithm that has near-optimal sample complexities with respect to $\epsilon$
and $d$.
|
Riemannian stochastic variance reduced gradient algorithm with
retraction and vector transport | In recent years, stochastic variance reduction algorithms have attracted
considerable attention for minimizing the average of a large but finite number
of loss functions. This paper proposes a novel Riemannian extension of the
Euclidean stochastic variance reduced gradient (R-SVRG) algorithm to a manifold
search space. The key challenges of averaging, adding, and subtracting multiple
gradients are addressed with retraction and vector transport. For the proposed
algorithm, we present a global convergence analysis with a decaying step size
as well as a local convergence rate analysis with a fixed step size under some
natural assumptions. In addition, the proposed algorithm is applied to the
computation problem of the Riemannian centroid on the symmetric positive
definite (SPD) manifold as well as the principal component analysis and
low-rank matrix completion problems on the Grassmann manifold. The results show
that the proposed algorithm outperforms the standard Riemannian stochastic
gradient descent algorithm in each case.
|
Deep Stochastic Configuration Networks with Universal Approximation
Property | This paper develops a randomized approach for incrementally building deep
neural networks, where a supervisory mechanism is proposed to constrain the
random assignment of the weights and biases, and all the hidden layers have
direct links to the output layer. A fundamental result on the universal
approximation property is established for such a class of randomized leaner
models, namely deep stochastic configuration networks (DeepSCNs). A learning
algorithm is presented to implement DeepSCNs with either specific architecture
or self-organization. The read-out weights attached with all direct links from
each hidden layer to the output layer are evaluated by the least squares
method. Given a set of training examples, DeepSCNs can speedily produce a
learning representation, that is, a collection of random basis functions with
the cascaded inputs together with the read-out weights. An empirical study on a
function approximation is carried out to demonstrate some properties of the
proposed deep learner model.
|
On Loss Functions for Deep Neural Networks in Classification | Deep neural networks are currently among the most commonly used classifiers.
Despite easily achieving very good performance, one of the best selling points
of these models is their modular design - one can conveniently adapt their
architecture to specific needs, change connectivity patterns, attach
specialised layers, experiment with a large amount of activation functions,
normalisation schemes and many others. While one can find impressively wide
spread of various configurations of almost every aspect of the deep nets, one
element is, in authors' opinion, underrepresented - while solving
classification problems, vast majority of papers and applications simply use
log loss. In this paper we try to investigate how particular choices of loss
functions affect deep models and their learning dynamics, as well as resulting
classifiers robustness to various effects. We perform experiments on classical
datasets, as well as provide some additional, theoretical insights into the
problem. In particular we show that L1 and L2 losses are, quite surprisingly,
justified classification objectives for deep nets, by providing probabilistic
interpretation in terms of expected misclassification. We also introduce two
losses which are not typically used as deep nets objectives and show that they
are viable alternatives to the existing ones.
|
Quadratic Upper Bound for Recursive Teaching Dimension of Finite VC
Classes | In this work we study the quantitative relation between the recursive
teaching dimension (RTD) and the VC dimension (VCD) of concept classes of
finite sizes. The RTD of a concept class $\mathcal C \subseteq \{0, 1\}^n$,
introduced by Zilles et al. (2011), is a combinatorial complexity measure
characterized by the worst-case number of examples necessary to identify a
concept in $\mathcal C$ according to the recursive teaching model.
For any finite concept class $\mathcal C \subseteq \{0,1\}^n$ with
$\mathrm{VCD}(\mathcal C)=d$, Simon & Zilles (2015) posed an open problem
$\mathrm{RTD}(\mathcal C) = O(d)$, i.e., is RTD linearly upper bounded by VCD?
Previously, the best known result is an exponential upper bound
$\mathrm{RTD}(\mathcal C) = O(d \cdot 2^d)$, due to Chen et al. (2016). In this
paper, we show a quadratic upper bound: $\mathrm{RTD}(\mathcal C) = O(d^2)$,
much closer to an answer to the open problem. We also discuss the challenges in
fully solving the problem.
|
An Adaptivity Hierarchy Theorem for Property Testing | Adaptivity is known to play a crucial role in property testing. In
particular, there exist properties for which there is an exponential gap
between the power of \emph{adaptive} testing algorithms, wherein each query may
be determined by the answers received to prior queries, and their
\emph{non-adaptive} counterparts, in which all queries are independent of
answers obtained from previous queries.
In this work, we investigate the role of adaptivity in property testing at a
finer level. We first quantify the degree of adaptivity of a testing algorithm
by considering the number of "rounds of adaptivity" it uses. More accurately,
we say that a tester is $k$-(round) adaptive if it makes queries in $k+1$
rounds, where the queries in the $i$'th round may depend on the answers
obtained in the previous $i-1$ rounds. Then, we ask the following question:
Does the power of testing algorithms smoothly grow with the number of rounds
of adaptivity?
We provide a positive answer to the foregoing question by proving an
adaptivity hierarchy theorem for property testing. Specifically, our main
result shows that for every $n\in \mathbb{N}$ and $0 \le k \le n^{0.99}$ there
exists a property $\mathcal{P}_{n,k}$ of functions for which (1) there exists a
$k$-adaptive tester for $\mathcal{P}_{n,k}$ with query complexity
$\tilde{O}(k)$, yet (2) any $(k-1)$-adaptive tester for $\mathcal{P}_{n,k}$
must make $\Omega(n)$ queries. In addition, we show that such a qualitative
adaptivity hierarchy can be witnessed for testing natural properties of graphs.
|
Non-negative Tensor Factorization for Human Behavioral Pattern Mining in
Online Games | Multiplayer online battle arena has become a popular game genre. It also
received increasing attention from our research community because they provide
a wealth of information about human interactions and behaviors. A major problem
is extracting meaningful patterns of activity from this type of data, in a way
that is also easy to interpret. Here, we propose to exploit tensor
decomposition techniques, and in particular Non-negative Tensor Factorization,
to discover hidden correlated behavioral patterns of play in a popular game:
League of Legends. We first collect the entire gaming history of a group of
about one thousand players, totaling roughly $100K$ matches. By applying our
methodological framework, we then separate players into groups that exhibit
similar features and playing strategies, as well as similar temporal
trajectories, i.e., behavioral progressions over the course of their gaming
history: this will allow us to investigate how players learn and improve their
skills.
|
Online Robust Principal Component Analysis with Change Point Detection | Robust PCA methods are typically batch algorithms which requires loading all
observations into memory before processing. This makes them inefficient to
process big data. In this paper, we develop an efficient online robust
principal component methods, namely online moving window robust principal
component analysis (OMWRPCA). Unlike existing algorithms, OMWRPCA can
successfully track not only slowly changing subspace but also abruptly changed
subspace. By embedding hypothesis testing into the algorithm, OMWRPCA can
detect change points of the underlying subspaces. Extensive simulation studies
demonstrate the superior performance of OMWRPCA compared with other
state-of-art approaches. We also apply the algorithm for real-time background
subtraction of surveillance video.
|
Collaborative Deep Reinforcement Learning | Besides independent learning, human learning process is highly improved by
summarizing what has been learned, communicating it with peers, and
subsequently fusing knowledge from different sources to assist the current
learning goal. This collaborative learning procedure ensures that the knowledge
is shared, continuously refined, and concluded from different perspectives to
construct a more profound understanding. The idea of knowledge transfer has led
to many advances in machine learning and data mining, but significant
challenges remain, especially when it comes to reinforcement learning,
heterogeneous model structures, and different learning tasks. Motivated by
human collaborative learning, in this paper we propose a collaborative deep
reinforcement learning (CDRL) framework that performs adaptive knowledge
transfer among heterogeneous learning agents. Specifically, the proposed CDRL
conducts a novel deep knowledge distillation method to address the
heterogeneity among different learning tasks with a deep alignment network.
Furthermore, we present an efficient collaborative Asynchronous Advantage
Actor-Critic (cA3C) algorithm to incorporate deep knowledge distillation into
the online training of agents, and demonstrate the effectiveness of the CDRL
framework using extensive empirical evaluation on OpenAI gym.
|
Revisiting Distributed Synchronous SGD | Distributed training of deep learning models on large-scale training data is
typically conducted with asynchronous stochastic optimization to maximize the
rate of updates, at the cost of additional noise introduced from asynchrony. In
contrast, the synchronous approach is often thought to be impractical due to
idle time wasted on waiting for straggling workers. We revisit these
conventional beliefs in this paper, and examine the weaknesses of both
approaches. We demonstrate that a third approach, synchronous optimization with
backup workers, can avoid asynchronous noise while mitigating for the worst
stragglers. Our approach is empirically validated and shown to converge faster
and to better test accuracies.
|
Compressive Embedding and Visualization using Graphs | Visualizing high-dimensional data has been a focus in data analysis
communities for decades, which has led to the design of many algorithms, some
of which are now considered references (such as t-SNE for example). In our era
of overwhelming data volumes, the scalability of such methods have become more
and more important. In this work, we present a method which allows to apply any
visualization or embedding algorithm on very large datasets by considering only
a fraction of the data as input and then extending the information to all data
points using a graph encoding its global similarity. We show that in most
cases, using only $\mathcal{O}(\log(N))$ samples is sufficient to diffuse the
information to all $N$ data points. In addition, we propose quantitative
methods to measure the quality of embeddings and demonstrate the validity of
our technique on both synthetic and real-world datasets.
|
Robust Sparse Estimation Tasks in High Dimensions | In this paper we initiate the study of whether or not sparse estimation tasks
can be performed efficiently in high dimensions, in the robust setting where an
$\eps$-fraction of samples are corrupted adversarially. We study the natural
robust version of two classical sparse estimation problems, namely, sparse mean
estimation and sparse PCA in the spiked covariance model. For both of these
problems, we provide the first efficient algorithms that provide non-trivial
error guarantees in the presence of noise, using only a number of samples which
is similar to the number required for these problems without noise. In
particular, our sample complexities are sublinear in the ambient dimension $d$.
Our work also suggests evidence for new computational-vs-statistical gaps for
these problems (similar to those for sparse PCA without noise) which only arise
in the presence of noise.
|
Hemingway: Modeling Distributed Optimization Algorithms | Distributed optimization algorithms are widely used in many industrial
machine learning applications. However choosing the appropriate algorithm and
cluster size is often difficult for users as the performance and convergence
rate of optimization algorithms vary with the size of the cluster. In this
paper we make the case for an ML-optimizer that can select the appropriate
algorithm and cluster size to use for a given problem. To do this we propose
building two models: one that captures the system level characteristics of how
computation, communication change as we increase cluster sizes and another that
captures how convergence rates change with cluster sizes. We present
preliminary results from our prototype implementation called Hemingway and
discuss some of the challenges involved in developing such a system.
|
Cosine Normalization: Using Cosine Similarity Instead of Dot Product in
Neural Networks | Traditionally, multi-layer neural networks use dot product between the output
vector of previous layer and the incoming weight vector as the input to
activation function. The result of dot product is unbounded, thus increases the
risk of large variance. Large variance of neuron makes the model sensitive to
the change of input distribution, thus results in poor generalization, and
aggravates the internal covariate shift which slows down the training. To bound
dot product and decrease the variance, we propose to use cosine similarity or
centered cosine similarity (Pearson Correlation Coefficient) instead of dot
product in neural networks, which we call cosine normalization. We compare
cosine normalization with batch, weight and layer normalization in
fully-connected neural networks as well as convolutional networks on the data
sets of MNIST, 20NEWS GROUP, CIFAR-10/100 and SVHN. Experiments show that
cosine normalization achieves better performance than other normalization
techniques.
|
Phase Diagram of Restricted Boltzmann Machines and Generalised Hopfield
Networks with Arbitrary Priors | Restricted Boltzmann Machines are described by the Gibbs measure of a
bipartite spin glass, which in turn corresponds to the one of a generalised
Hopfield network. This equivalence allows us to characterise the state of these
systems in terms of retrieval capabilities, both at low and high load. We study
the paramagnetic-spin glass and the spin glass-retrieval phase transitions, as
the pattern (i.e. weight) distribution and spin (i.e. unit) priors vary
smoothly from Gaussian real variables to Boolean discrete variables. Our
analysis shows that the presence of a retrieval phase is robust and not
peculiar to the standard Hopfield model with Boolean patterns. The retrieval
region is larger when the pattern entries and retrieval units get more peaked
and, conversely, when the hidden units acquire a broader prior and therefore
have a stronger response to high fields. Moreover, at low load retrieval always
exists below some critical temperature, for every pattern distribution ranging
from the Boolean to the Gaussian case.
|
The importance of stain normalization in colorectal tissue
classification with convolutional networks | The development of reliable imaging biomarkers for the analysis of colorectal
cancer (CRC) in hematoxylin and eosin (H&E) stained histopathology images
requires an accurate and reproducible classification of the main tissue
components in the image. In this paper, we propose a system for CRC tissue
classification based on convolutional networks (ConvNets). We investigate the
importance of stain normalization in tissue classification of CRC tissue
samples in H&E-stained images. Furthermore, we report the performance of
ConvNets on a cohort of rectal cancer samples and on an independent publicly
available dataset of colorectal H&E images.
|
Wages of wins: could an amateur make money from match outcome
predictions? | Evaluating the accuracies of models for match outcome predictions is nice and
well but in the end the real proof is in the money to be made by betting. To
evaluate the question whether the models developed by us could be used easily
to make money via sports betting, we evaluate three cases: NCAAB post-season,
NBA season, and NFL season, and find that it is possible yet not without its
pitfalls. In particular, we illustrate that high accuracy does not
automatically equal high pay-out, by looking at the type of match-ups that are
predicted correctly by different models.
|
Generating Adversarial Malware Examples for Black-Box Attacks Based on
GAN | Machine learning has been used to detect new malware in recent years, while
malware authors have strong motivation to attack such algorithms. Malware
authors usually have no access to the detailed structures and parameters of the
machine learning models used by malware detection systems, and therefore they
can only perform black-box attacks. This paper proposes a generative
adversarial network (GAN) based algorithm named MalGAN to generate adversarial
malware examples, which are able to bypass black-box machine learning based
detection models. MalGAN uses a substitute detector to fit the black-box
malware detection system. A generative network is trained to minimize the
generated adversarial examples' malicious probabilities predicted by the
substitute detector. The superiority of MalGAN over traditional gradient based
adversarial example generation algorithms is that MalGAN is able to decrease
the detection rate to nearly zero and make the retraining based defensive
method against adversarial examples hard to work.
|
An Extended Framework for Marginalized Domain Adaptation | We propose an extended framework for marginalized domain adaptation, aimed at
addressing unsupervised, supervised and semi-supervised scenarios. We argue
that the denoising principle should be extended to explicitly promote
domain-invariant features as well as help the classification task. Therefore we
propose to jointly learn the data auto-encoders and the target classifiers.
First, in order to make the denoised features domain-invariant, we propose a
domain regularization that may be either a domain prediction loss or a maximum
mean discrepancy between the source and target data. The noise marginalization
in this case is reduced to solving the linear matrix system $AX=B$ which has a
closed-form solution. Second, in order to help the classification, we include a
class regularization term. Adding this component reduces the learning problem
to solving a Sylvester linear matrix equation $AX+BX=C$, for which an efficient
iterative procedure exists as well. We did an extensive study to assess how
these regularization terms improve the baseline performance in the three domain
adaptation scenarios and present experimental results on two image and one text
benchmark datasets, conventionally used for validating domain adaptation
methods. We report our findings and comparison with state-of-the-art methods.
|
Learning to Multi-Task by Active Sampling | One of the long-standing challenges in Artificial Intelligence for learning
goal-directed behavior is to build a single agent which can solve multiple
tasks. Recent progress in multi-task learning for goal-directed sequential
problems has been in the form of distillation based learning wherein a student
network learns from multiple task-specific expert networks by mimicking the
task-specific policies of the expert networks. While such approaches offer a
promising solution to the multi-task learning problem, they require supervision
from large expert networks which require extensive data and computation time
for training. In this work, we propose an efficient multi-task learning
framework which solves multiple goal-directed tasks in an on-line setup without
the need for expert supervision. Our work uses active learning principles to
achieve multi-task learning by sampling the harder tasks more than the easier
ones. We propose three distinct models under our active sampling framework. An
adaptive method with extremely competitive multi-tasking performance. A
UCB-based meta-learner which casts the problem of picking the next task to
train on as a multi-armed bandit problem. A meta-learning method that casts the
next-task picking problem as a full Reinforcement Learning problem and uses
actor critic methods for optimizing the multi-tasking performance directly. We
demonstrate results in the Atari 2600 domain on seven multi-tasking instances:
three 6-task instances, one 8-task instance, two 12-task instances and one
21-task instance.
|
Learning to Repeat: Fine Grained Action Repetition for Deep
Reinforcement Learning | Reinforcement Learning algorithms can learn complex behavioral patterns for
sequential decision making tasks wherein an agent interacts with an environment
and acquires feedback in the form of rewards sampled from it. Traditionally,
such algorithms make decisions, i.e., select actions to execute, at every
single time step of the agent-environment interactions. In this paper, we
propose a novel framework, Fine Grained Action Repetition (FiGAR), which
enables the agent to decide the action as well as the time scale of repeating
it. FiGAR can be used for improving any Deep Reinforcement Learning algorithm
which maintains an explicit policy estimate by enabling temporal abstractions
in the action space. We empirically demonstrate the efficacy of our framework
by showing performance improvements on top of three policy search algorithms in
different domains: Asynchronous Advantage Actor Critic in the Atari 2600
domain, Trust Region Policy Optimization in Mujoco domain and Deep
Deterministic Policy Gradients in the TORCS car racing domain.
|
Learning Non-Discriminatory Predictors | We consider learning a predictor which is non-discriminatory with respect to
a "protected attribute" according to the notion of "equalized odds" proposed by
Hardt et al. [2016]. We study the problem of learning such a non-discriminatory
predictor from a finite training set, both statistically and computationally.
We show that a post-hoc correction approach, as suggested by Hardt et al, can
be highly suboptimal, present a nearly-optimal statistical procedure, argue
that the associated computational problem is intractable, and suggest a second
moment relaxation of the non-discrimination definition for which learning is
tractable.
|
Label Distribution Learning Forests | Label distribution learning (LDL) is a general learning framework, which
assigns to an instance a distribution over a set of labels rather than a single
label or multiple labels. Current LDL methods have either restricted
assumptions on the expression form of the label distribution or limitations in
representation learning, e.g., to learn deep features in an end-to-end manner.
This paper presents label distribution learning forests (LDLFs) - a novel label
distribution learning algorithm based on differentiable decision trees, which
have several advantages: 1) Decision trees have the potential to model any
general form of label distributions by a mixture of leaf node predictions. 2)
The learning of differentiable decision trees can be combined with
representation learning. We define a distribution-based loss function for a
forest, enabling all the trees to be learned jointly, and show that an update
function for leaf node predictions, which guarantees a strict decrease of the
loss function, can be derived by variational bounding. The effectiveness of the
proposed LDLFs is verified on several LDL tasks and a computer vision
application, showing significant improvements to the state-of-the-art LDL
methods.
|
An Improved Parametrization and Analysis of the EXP3++ Algorithm for
Stochastic and Adversarial Bandits | We present a new strategy for gap estimation in randomized algorithms for
multiarmed bandits and combine it with the EXP3++ algorithm of Seldin and
Slivkins (2014). In the stochastic regime the strategy reduces dependence of
regret on a time horizon from $(\ln t)^3$ to $(\ln t)^2$ and eliminates an
additive factor of order $\Delta e^{1/\Delta^2}$, where $\Delta$ is the minimal
gap of a problem instance. In the adversarial regime regret guarantee remains
unchanged.
|
An Attention-Based Deep Net for Learning to Rank | In information retrieval, learning to rank constructs a machine-based ranking
model which given a query, sorts the search results by their degree of
relevance or importance to the query. Neural networks have been successfully
applied to this problem, and in this paper, we propose an attention-based deep
neural network which better incorporates different embeddings of the queries
and search results with an attention-based mechanism. This model also applies a
decoder mechanism to learn the ranks of the search results in a listwise
fashion. The embeddings are trained with convolutional neural networks or the
word2vec model. We demonstrate the performance of this model with image
retrieval and text querying data sets.
|
On the Consistency of $k$-means++ algorithm | We prove in this paper that the expected value of the objective function of
the $k$-means++ algorithm for samples converges to population expected value.
As $k$-means++, for samples, provides with constant factor approximation for
$k$-means objectives, such an approximation can be achieved for the population
with increase of the sample size.
This result is of potential practical relevance when one is considering using
subsampling when clustering large data sets (large data bases).
|
Developing a comprehensive framework for multimodal feature extraction | Feature extraction is a critical component of many applied data science
workflows. In recent years, rapid advances in artificial intelligence and
machine learning have led to an explosion of feature extraction tools and
services that allow data scientists to cheaply and effectively annotate their
data along a vast array of dimensions---ranging from detecting faces in images
to analyzing the sentiment expressed in coherent text. Unfortunately, the
proliferation of powerful feature extraction services has been mirrored by a
corresponding expansion in the number of distinct interfaces to feature
extraction services. In a world where nearly every new service has its own API,
documentation, and/or client library, data scientists who need to combine
diverse features obtained from multiple sources are often forced to write and
maintain ever more elaborate feature extraction pipelines. To address this
challenge, we introduce a new open-source framework for comprehensive
multimodal feature extraction. Pliers is an open-source Python package that
supports standardized annotation of diverse data types (video, images, audio,
and text), and is expressly with both ease-of-use and extensibility in mind.
Users can apply a wide range of pre-existing feature extraction tools to their
data in just a few lines of Python code, and can also easily add their own
custom extractors by writing modular classes. A graph-based API enables rapid
development of complex feature extraction pipelines that output results in a
single, standardized format. We describe the package's architecture, detail its
major advantages over previous feature extraction toolboxes, and use a sample
application to a large functional MRI dataset to illustrate how pliers can
significantly reduce the time and effort required to construct sophisticated
feature extraction workflows while increasing code clarity and maintainability.
|
Bayesian Boolean Matrix Factorisation | Boolean matrix factorisation aims to decompose a binary data matrix into an
approximate Boolean product of two low rank, binary matrices: one containing
meaningful patterns, the other quantifying how the observations can be
expressed as a combination of these patterns. We introduce the OrMachine, a
probabilistic generative model for Boolean matrix factorisation and derive a
Metropolised Gibbs sampler that facilitates efficient parallel posterior
inference. On real world and simulated data, our method outperforms all
currently existing approaches for Boolean matrix factorisation and completion.
This is the first method to provide full posterior inference for Boolean Matrix
factorisation which is relevant in applications, e.g. for controlling false
positive rates in collaborative filtering and, crucially, improves the
interpretability of the inferred patterns. The proposed algorithm scales to
large datasets as we demonstrate by analysing single cell gene expression data
in 1.3 million mouse brain cells across 11 thousand genes on commodity
hardware.
|
Structured signal recovery from quadratic measurements: Breaking sample
complexity barriers via nonconvex optimization | This paper concerns the problem of recovering an unknown but structured
signal $x \in R^n$ from $m$ quadratic measurements of the form
$y_r=|<a_r,x>|^2$ for $r=1,2,...,m$. We focus on the under-determined setting
where the number of measurements is significantly smaller than the dimension of
the signal ($m<<n$). We formulate the recovery problem as a nonconvex
optimization problem where prior structural information about the signal is
enforced through constrains on the optimization variables. We prove that
projected gradient descent, when initialized in a neighborhood of the desired
signal, converges to the unknown signal at a linear rate. These results hold
for any constraint set (convex or nonconvex) providing convergence guarantees
to the global optimum even when the objective function and constraint set is
nonconvex. Furthermore, these results hold with a number of measurements that
is only a constant factor away from the minimal number of measurements required
to uniquely identify the unknown signal. Our results provide the first provably
tractable algorithm for this data-poor regime, breaking local sample complexity
barriers that have emerged in recent literature. In a companion paper we
demonstrate favorable properties for the optimization problem that may enable
similar results to continue to hold more globally (over the entire ambient
space). Collectively these two papers utilize and develop powerful tools for
uniform convergence of empirical processes that may have broader implications
for rigorous understanding of constrained nonconvex optimization heuristics.
The mathematical results in this paper also pave the way for a new generation
of data-driven phase-less imaging systems that can utilize prior information to
significantly reduce acquisition time and enhance image reconstruction,
enabling nano-scale imaging at unprecedented speeds and resolutions.
|
Survey of reasoning using Neural networks | Reason and inference require process as well as memory skills by humans.
Neural networks are able to process tasks like image recognition (better than
humans) but in memory aspects are still limited (by attention mechanism, size).
Recurrent Neural Network (RNN) and it's modified version LSTM are able to solve
small memory contexts, but as context becomes larger than a threshold, it is
difficult to use them. The Solution is to use large external memory. Still, it
poses many challenges like, how to train neural networks for discrete memory
representation, how to describe long term dependencies in sequential data etc.
Most prominent neural architectures for such tasks are Memory networks:
inference components combined with long term memory and Neural Turing Machines:
neural networks using external memory resources. Also, additional techniques
like attention mechanism, end to end gradient descent on discrete memory
representation are needed to support these solutions. Preliminary results of
above neural architectures on simple algorithms (sorting, copying) and Question
Answering (based on story, dialogs) application are comparable with the state
of the art. In this paper, I explain these architectures (in general), the
additional techniques used and the results of their application.
|
Filtering Tweets for Social Unrest | Since the events of the Arab Spring, there has been increased interest in
using social media to anticipate social unrest. While efforts have been made
toward automated unrest prediction, we focus on filtering the vast volume of
tweets to identify tweets relevant to unrest, which can be provided to
downstream users for further analysis. We train a supervised classifier that is
able to label Arabic language tweets as relevant to unrest with high
reliability. We examine the relationship between training data size and
performance and investigate ways to optimize the model building process while
minimizing cost. We also explore how confidence thresholds can be set to
achieve desired levels of performance.
|
Determination of hysteresis in finite-state random walks using Bayesian
cross validation | Consider the problem of modeling hysteresis for finite-state random walks
using higher-order Markov chains. This Letter introduces a Bayesian framework
to determine, from data, the number of prior states of recent history upon
which a trajectory is statistically dependent. The general recommendation is to
use leave-one-out cross validation, using an easily-computable formula that is
provided in closed form. Importantly, Bayes factors using flat model priors are
biased in favor of too-complex a model (more hysteresis) when a large amount of
data is present and the Akaike information criterion (AIC) is biased in favor
of too-sparse a model (less hysteresis) when few data are present.
|
Beating the World's Best at Super Smash Bros. with Deep Reinforcement
Learning | There has been a recent explosion in the capabilities of game-playing
artificial intelligence. Many classes of RL tasks, from Atari games to motor
control to board games, are now solvable by fairly generic algorithms, based on
deep learning, that learn to play from experience with minimal knowledge of the
specific domain of interest. In this work, we will investigate the performance
of these methods on Super Smash Bros. Melee (SSBM), a popular console fighting
game. The SSBM environment has complex dynamics and partial observability,
making it challenging for human and machine alike. The multi-player aspect
poses an additional challenge, as the vast majority of recent advances in RL
have focused on single-agent environments. Nonetheless, we will show that it is
possible to train agents that are competitive against and even surpass human
professionals, a new result for the multi-player video game setting.
|
Exact tensor completion with sum-of-squares | We obtain the first polynomial-time algorithm for exact tensor completion
that improves over the bound implied by reduction to matrix completion. The
algorithm recovers an unknown 3-tensor with $r$ incoherent, orthogonal
components in $\mathbb R^n$ from $r\cdot \tilde O(n^{1.5})$ randomly observed
entries of the tensor. This bound improves over the previous best one of
$r\cdot \tilde O(n^{2})$ by reduction to exact matrix completion. Our bound
also matches the best known results for the easier problem of approximate
tensor completion (Barak & Moitra, 2015).
Our algorithm and analysis extends seminal results for exact matrix
completion (Candes & Recht, 2009) to the tensor setting via the sum-of-squares
method. The main technical challenge is to show that a small number of randomly
chosen monomials are enough to construct a degree-3 polynomial with precisely
planted orthogonal global optima over the sphere and that this fact can be
certified within the sum-of-squares proof system.
|
Sample Efficient Policy Search for Optimal Stopping Domains | Optimal stopping problems consider the question of deciding when to stop an
observation-generating process in order to maximize a return. We examine the
problem of simultaneously learning and planning in such domains, when data is
collected directly from the environment. We propose GFSE, a simple and flexible
model-free policy search method that reuses data for sample efficiency by
leveraging problem structure. We bound the sample complexity of our approach to
guarantee uniform convergence of policy value estimates, tightening existing
PAC bounds to achieve logarithmic dependence on horizon length for our setting.
We also examine the benefit of our method against prevalent model-based and
model-free approaches on 3 domains taken from diverse fields.
|
SAR: Semantic Analysis for Recommendation | Recommendation system is a common demand in daily life and matrix completion
is a widely adopted technique for this task. However, most matrix completion
methods lack semantic interpretation and usually result in weak-semantic
recommendations. To this end, this paper proposes a $S$emantic $A$nalysis
approach for $R$ecommendation systems $(SAR)$, which applies a two-level
hierarchical generative process that assigns semantic properties and categories
for user and item. $SAR$ learns semantic representations of users/items merely
from user ratings on items, which offers a new path to recommendation by
semantic matching with the learned representations. Extensive experiments
demonstrate $SAR$ outperforms other state-of-the-art baselines substantially.
|
Memory and Communication Efficient Distributed Stochastic Optimization
with Minibatch-Prox | We present and analyze an approach for distributed stochastic optimization
which is statistically optimal and achieves near-linear speedups (up to
logarithmic factors). Our approach allows a communication-memory tradeoff, with
either logarithmic communication but linear memory, or polynomial communication
and a corresponding polynomial reduction in required memory. This
communication-memory tradeoff is achieved through minibatch-prox iterations
(minibatch passive-aggressive updates), where a subproblem on a minibatch is
solved at each iteration. We provide a novel analysis for such a minibatch-prox
procedure which achieves the statistical optimal rate regardless of minibatch
size and smoothness, thus significantly improving on prior work.
|
On the (Statistical) Detection of Adversarial Examples | Machine Learning (ML) models are applied in a variety of tasks such as
network intrusion detection or Malware classification. Yet, these models are
vulnerable to a class of malicious inputs known as adversarial examples. These
are slightly perturbed inputs that are classified incorrectly by the ML model.
The mitigation of these adversarial inputs remains an open problem. As a step
towards understanding adversarial examples, we show that they are not drawn
from the same distribution than the original data, and can thus be detected
using statistical tests. Using thus knowledge, we introduce a complimentary
approach to identify specific inputs that are adversarial. Specifically, we
augment our ML model with an additional output, in which the model is trained
to classify all adversarial inputs. We evaluate our approach on multiple
adversarial example crafting methods (including the fast gradient sign and
saliency map methods) with several datasets. The statistical test flags sample
sets containing adversarial inputs confidently at sample sizes between 10 and
100 data points. Furthermore, our augmented model either detects adversarial
examples as outliers with high accuracy (> 80%) or increases the adversary's
cost - the perturbation added - by more than 150%. In this way, we show that
statistical properties of adversarial examples are essential to their
detection.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.