title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Bayesian Neighbourhood Component Analysis | Learning a good distance metric in feature space potentially improves the
performance of the KNN classifier and is useful in many real-world
applications. Many metric learning algorithms are however based on the point
estimation of a quadratic optimization problem, which is time-consuming,
susceptible to overfitting, and lack a natural mechanism to reason with
parameter uncertainty, an important property useful especially when the
training set is small and/or noisy. To deal with these issues, we present a
novel Bayesian metric learning method, called Bayesian NCA, based on the
well-known Neighbourhood Component Analysis method, in which the metric
posterior is characterized by the local label consistency constraints of
observations, encoded with a similarity graph instead of independent pairwise
constraints. For efficient Bayesian optimization, we explore the variational
lower bound over the log-likelihood of the original NCA objective. Experiments
on several publicly available datasets demonstrate that the proposed method is
able to learn robust metric measures from small size dataset and/or from
challenging training set with labels contaminated by errors. The proposed
method is also shown to outperform a previous pairwise constrained Bayesian
metric learning method.
|
Finding Optimal Combination of Kernels using Genetic Programming | In Computer Vision, problem of identifying or classifying the objects present
in an image is called Object Categorization. It is a challenging problem,
especially when the images have clutter background, occlusions or different
lighting conditions. Many vision features have been proposed which aid object
categorization even in such adverse conditions. Past research has shown that,
employing multiple features rather than any single features leads to better
recognition. Multiple Kernel Learning (MKL) framework has been developed for
learning an optimal combination of features for object categorization. Existing
MKL methods use linear combination of base kernels which may not be optimal for
object categorization. Real-world object categorization may need to consider
complex combination of kernels(non-linear) and not only linear combination.
Evolving non-linear functions of base kernels using Genetic Programming is
proposed in this report. Experiment results show that non-kernel generated
using genetic programming gives good accuracy as compared to linear combination
of kernels.
|
One-class classifiers based on entropic spanning graphs | One-class classifiers offer valuable tools to assess the presence of outliers
in data. In this paper, we propose a design methodology for one-class
classifiers based on entropic spanning graphs. Our approach takes into account
the possibility to process also non-numeric data by means of an embedding
procedure. The spanning graph is learned on the embedded input data and the
outcoming partition of vertices defines the classifier. The final partition is
derived by exploiting a criterion based on mutual information minimization.
Here, we compute the mutual information by using a convenient formulation
provided in terms of the $\alpha$-Jensen difference. Once training is
completed, in order to associate a confidence level with the classifier
decision, a graph-based fuzzy model is constructed. The fuzzification process
is based only on topological information of the vertices of the entropic
spanning graph. As such, the proposed one-class classifier is suitable also for
data characterized by complex geometric structures. We provide experiments on
well-known benchmarks containing both feature vectors and labeled graphs. In
addition, we apply the method to the protein solubility recognition problem by
considering several representations for the input samples. Experimental results
demonstrate the effectiveness and versatility of the proposed method with
respect to other state-of-the-art approaches.
|
Challenges in Bayesian Adaptive Data Analysis | Traditional statistical analysis requires that the analysis process and data
are independent. By contrast, the new field of adaptive data analysis hopes to
understand and provide algorithms and accuracy guarantees for research as it is
commonly performed in practice, as an iterative process of interacting
repeatedly with the same data set, such as repeated tests against a holdout
set. Previous work has defined a model with a rather strong lower bound on
sample complexity in terms of the number of queries, $n\sim\sqrt q$, arguing
that adaptive data analysis is much harder than static data analysis, where
$n\sim\log q$ is possible. Instead, we argue that those strong lower bounds
point to a limitation of the previous model in that it must consider wildly
asymmetric scenarios which do not hold in typical applications.
To better understand other difficulties of adaptivity, we propose a new
Bayesian version of the problem that mandates symmetry. Since the other lower
bound techniques are ruled out, we can more effectively see difficulties that
might otherwise be overshadowed. As a first contribution to this model, we
produce a new problem using error-correcting codes on which a large family of
methods, including all previously proposed algorithms, require roughly
$n\sim\sqrt[4]q$. These early results illustrate new difficulties in adaptive
data analysis regarding slightly correlated queries on problems with
concentrated uncertainty.
|
Word embeddings and recurrent neural networks based on Long-Short Term
Memory nodes in supervised biomedical word sense disambiguation | Word sense disambiguation helps identifying the proper sense of ambiguous
words in text. With large terminologies such as the UMLS Metathesaurus
ambiguities appear and highly effective disambiguation methods are required.
Supervised learning algorithm methods are used as one of the approaches to
perform disambiguation. Features extracted from the context of an ambiguous
word are used to identify the proper sense of such a word. The type of features
have an impact on machine learning methods, thus affect disambiguation
performance. In this work, we have evaluated several types of features derived
from the context of the ambiguous word and we have explored as well more global
features derived from MEDLINE using word embeddings. Results show that word
embeddings improve the performance of more traditional features and allow as
well using recurrent neural network classifiers based on Long-Short Term Memory
(LSTM) nodes. The combination of unigrams and word embeddings with an SVM sets
a new state of the art performance with a macro accuracy of 95.97 in the MSH
WSD data set.
|
Learning Compact Recurrent Neural Networks | Recurrent neural networks (RNNs), including long short-term memory (LSTM)
RNNs, have produced state-of-the-art results on a variety of speech recognition
tasks. However, these models are often too large in size for deployment on
mobile devices with memory and latency constraints. In this work, we study
mechanisms for learning compact RNNs and LSTMs via low-rank factorizations and
parameter sharing schemes. Our goal is to investigate redundancies in recurrent
architectures where compression can be admitted without losing performance. A
hybrid strategy of using structured matrices in the bottom layers and shared
low-rank factors on the top layers is found to be particularly effective,
reducing the parameters of a standard LSTM by 75%, at a small cost of 0.3%
increase in WER, on a 2,000-hr English Voice Search task.
|
A General Retraining Framework for Scalable Adversarial Classification | Traditional classification algorithms assume that training and test data come
from similar distributions. This assumption is violated in adversarial
settings, where malicious actors modify instances to evade detection. A number
of custom methods have been developed for both adversarial evasion attacks and
robust learning. We propose the first systematic and general-purpose retraining
framework which can: a) boost robustness of an \emph{arbitrary} learning
algorithm, in the face of b) a broader class of adversarial models than any
prior methods. We show that, under natural conditions, the retraining framework
minimizes an upper bound on optimal adversarial risk, and show how to extend
this result to account for approximations of evasion attacks. Extensive
experimental evaluation demonstrates that our retraining methods are nearly
indistinguishable from state-of-the-art algorithms for optimizing adversarial
risk, but are more general and far more scalable. The experiments also confirm
that without retraining, our adversarial framework dramatically reduces the
effectiveness of learning. In contrast, retraining significantly boosts
robustness to evasion attacks without significantly compromising overall
accuracy.
|
Online Nonnegative Matrix Factorization with Outliers | We propose a unified and systematic framework for performing online
nonnegative matrix factorization in the presence of outliers. Our framework is
particularly suited to large-scale data. We propose two solvers based on
projected gradient descent and the alternating direction method of multipliers.
We prove that the sequence of objective values converges almost surely by
appealing to the quasi-martingale convergence theorem. We also show the
sequence of learned dictionaries converges to the set of stationary points of
the expected loss function almost surely. In addition, we extend our basic
problem formulation to various settings with different constraints and
regularizers. We also adapt the solvers and analyses to each setting. We
perform extensive experiments on both synthetic and real datasets. These
experiments demonstrate the computational efficiency and efficacy of our
algorithms on tasks such as (parts-based) basis learning, image denoising,
shadow removal and foreground-background separation.
|
Visualization Regularizers for Neural Network based Image Recognition | The success of deep neural networks is mostly due their ability to learn
meaningful features from the data. Features learned in the hidden layers of
deep neural networks trained in computer vision tasks have been shown to be
similar to mid-level vision features. We leverage this fact in this work and
propose the visualization regularizer for image tasks. The proposed
regularization technique enforces smoothness of the features learned by hidden
nodes and turns out to be a special case of Tikhonov regularization. We achieve
higher classification accuracy as compared to existing regularizers such as the
L2 norm regularizer and dropout, on benchmark datasets without changing the
training computational complexity.
|
Performance Trade-Offs in Multi-Processor Approximate Message Passing | We consider large-scale linear inverse problems in Bayesian settings. Our
general approach follows a recent line of work that applies the approximate
message passing (AMP) framework in multi-processor (MP) computational systems
by storing and processing a subset of rows of the measurement matrix along with
corresponding measurements at each MP node. In each MP-AMP iteration, nodes of
the MP system and its fusion center exchange lossily compressed messages
pertaining to their estimates of the input. There is a trade-off between the
physical costs of the reconstruction process including computation time,
communication loads, and the reconstruction quality, and it is impossible to
simultaneously minimize all the costs. We pose this minimization as a
multi-objective optimization problem (MOP), and study the properties of the
best trade-offs (Pareto optimality) in this MOP. We prove that the achievable
region of this MOP is convex, and conjecture how the combined cost of
computation and communication scales with the desired mean squared error. These
properties are verified numerically.
|
Active Learning for Online Recognition of Human Activities from
Streaming Videos | Recognising human activities from streaming videos poses unique challenges to
learning algorithms: predictive models need to be scalable, incrementally
trainable, and must remain bounded in size even when the data stream is
arbitrarily long. Furthermore, as parameter tuning is problematic in a
streaming setting, suitable approaches should be parameterless, and make no
assumptions on what class labels may occur in the stream. We present here an
approach to the recognition of human actions from streaming data which meets
all these requirements by: (1) incrementally learning a model which adaptively
covers the feature space with simple local classifiers; (2) employing an active
learning strategy to reduce annotation requests; (3) achieving promising
accuracy within a fixed model size. Extensive experiments on standard
benchmarks show that our approach is competitive with state-of-the-art
non-incremental methods, and outperforms the existing active incremental
baselines.
|
Gaussian Process Domain Experts for Model Adaptation in Facial Behavior
Analysis | We present a novel approach for supervised domain adaptation that is based
upon the probabilistic framework of Gaussian processes (GPs). Specifically, we
introduce domain-specific GPs as local experts for facial expression
classification from face images. The adaptation of the classifier is
facilitated in probabilistic fashion by conditioning the target expert on
multiple source experts. Furthermore, in contrast to existing adaptation
approaches, we also learn a target expert from available target data solely.
Then, a single and confident classifier is obtained by combining the
predictions from multiple experts based on their confidence. Learning of the
model is efficient and requires no retraining/reweighting of the source
classifiers. We evaluate the proposed approach on two publicly available
datasets for multi-class (MultiPIE) and multi-label (DISFA) facial expression
classification. To this end, we perform adaptation of two contextual factors:
'where' (view) and 'who' (subject). We show in our experiments that the
proposed approach consistently outperforms both source and target classifiers,
while using as few as 30 target examples. It also outperforms the
state-of-the-art approaches for supervised domain adaptation.
|
Demystifying Fixed k-Nearest Neighbor Information Estimators | Estimating mutual information from i.i.d. samples drawn from an unknown joint
density function is a basic statistical problem of broad interest with
multitudinous applications. The most popular estimator is one proposed by
Kraskov and St\"ogbauer and Grassberger (KSG) in 2004, and is nonparametric and
based on the distances of each sample to its $k^{\rm th}$ nearest neighboring
sample, where $k$ is a fixed small integer. Despite its widespread use (part of
scientific software packages), theoretical properties of this estimator have
been largely unexplored. In this paper we demonstrate that the estimator is
consistent and also identify an upper bound on the rate of convergence of the
bias as a function of number of samples. We argue that the superior performance
benefits of the KSG estimator stems from a curious "correlation boosting"
effect and build on this intuition to modify the KSG estimator in novel ways to
construct a superior estimator. As a byproduct of our investigations, we obtain
nearly tight rates of convergence of the $\ell_2$ error of the well known fixed
$k$ nearest neighbor estimator of differential entropy by Kozachenko and
Leonenko.
|
Semi-supervised learning of local structured output predictors | In this paper, we study the problem of semi-supervised structured output
prediction, which aims to learn predictors for structured outputs, such as
sequences, tree nodes, vectors, etc., from a set of data points of both
input-output pairs and single inputs without outputs. The traditional methods
to solve this problem usually learns one single predictor for all the data
points, and ignores the variety of the different data points. Different parts
of the data set may have different local distributions, and requires different
optimal local predictors. To overcome this disadvantage of existing methods, we
propose to learn different local predictors for neighborhoods of different data
points, and the missing structured outputs simultaneously. In the neighborhood
of each data point, we proposed to learn a linear predictor by minimizing both
the complexity of the predictor and the upper bound of the structured
prediction loss. The minimization is conducted by gradient descent algorithms.
Experiments over four benchmark data sets, including DDSM mammography medical
images, SUN natural image data set, Cora research paper data set, and Spanish
news wire article sentence data set, show the advantages of the proposed
method.
|
M3: Scaling Up Machine Learning via Memory Mapping | To process data that do not fit in RAM, conventional wisdom would suggest
using distributed approaches. However, recent research has demonstrated virtual
memory's strong potential in scaling up graph mining algorithms on a single
machine. We propose to use a similar approach for general machine learning. We
contribute: (1) our latest finding that memory mapping is also a feasible
technique for scaling up general machine learning algorithms like logistic
regression and k-means, when data fits in or exceeds RAM (we tested datasets up
to 190GB); (2) an approach, called M3, that enables existing machine learning
algorithms to work with out-of-core datasets through memory mapping, achieving
a speed that is significantly faster than a 4-instance Spark cluster, and
comparable to an 8-instance cluster.
|
Binarized Neural Networks on the ImageNet Classification Task | We trained Binarized Neural Networks (BNNs) on the high resolution ImageNet
ILSVRC-2102 dataset classification task and achieved a good performance. With a
moderate size network of 13 layers, we obtained top-5 classification accuracy
rate of 84.1 % on validation set through network distillation, much better than
previous published results of 73.2% on XNOR network and 69.1% on binarized
GoogleNET. We expect networks of better performance can be obtained by
following our current strategies. We provide a detailed discussion and
preliminary analysis on strategies used in the network training.
|
Reservoir computing for spatiotemporal signal classification without
trained output weights | Reservoir computing is a recently introduced machine learning paradigm that
has been shown to be well-suited for the processing of spatiotemporal data.
Rather than training the network node connections and weights via
backpropagation in traditional recurrent neural networks, reservoirs instead
have fixed connections and weights among the `hidden layer' nodes, and
traditionally only the weights to the output layer of neurons are trained using
linear regression. We claim that for signal classification tasks one may forgo
the weight training step entirely and instead use a simple supervised
clustering method based upon principal components of norms of reservoir states.
The proposed method is mathematically analyzed and explored through numerical
experiments on real-world data. The examples demonstrate that the proposed may
outperform the traditional trained output weight approach in terms of
classification accuracy and sensitivity to reservoir parameters.
|
Symbolic Knowledge Extraction using {\L}ukasiewicz Logics | This work describes a methodology that combines logic-based systems and
connectionist systems. Our approach uses finite truth-valued {\L}ukasiewicz
logic, wherein every connective can be defined by a neuron in an artificial
network. This allowed the injection of first-order formulas into a network
architecture, and also simplified symbolic rule extraction. For that we trained
a neural networks using the Levenderg-Marquardt algorithm, where we restricted
the knowledge dissemination in the network structure. This procedure reduces
neural network plasticity without drastically damaging the learning
performance, thus making the descriptive power of produced neural networks
similar to the descriptive power of {\L}ukasiewicz logic language and
simplifying the translation between symbolic and connectionist structures. We
used this method for reverse engineering truth table and in extraction of
formulas from real data sets.
|
Learning Simple Auctions | We present a general framework for proving polynomial sample complexity
bounds for the problem of learning from samples the best auction in a class of
"simple" auctions. Our framework captures all of the most prominent examples of
"simple" auctions, including anonymous and non-anonymous item and bundle
pricings, with either a single or multiple buyers. The technique we propose is
to break the analysis of auctions into two natural pieces. First, one shows
that the set of allocation rules have large amounts of structure; second,
fixing an allocation on a sample, one shows that the set of auctions agreeing
with this allocation on that sample have revenue functions with low
dimensionality. Our results effectively imply that whenever it's possible to
compute a near-optimal simple auction with a known prior, it is also possible
to compute such an auction with an unknown prior (given a polynomial number of
samples).
|
Efficient Classification of Multi-Labelled Text Streams by Clashing | We present a method for the classification of multi-labelled text documents
explicitly designed for data stream applications that require to process a
virtually infinite sequence of data using constant memory and constant
processing time. Our method is composed of an online procedure used to
efficiently map text into a low-dimensional feature space and a partition of
this space into a set of regions for which the system extracts and keeps
statistics used to predict multi-label text annotations. Documents are fed into
the system as a sequence of words, mapped to a region of the partition, and
annotated using the statistics computed from the labelled instances colliding
in the same region. This approach is referred to as clashing. We illustrate the
method in real-world text data, comparing the results with those obtained using
other text classifiers. In addition, we provide an analysis about the effect of
the representation space dimensionality on the predictive performance of the
system. Our results show that the online embedding indeed approximates the
geometry of the full corpus-wise TF and TF-IDF space. The model obtains
competitive F measures with respect to the most accurate methods, using
significantly fewer computational resources. In addition, the method achieves a
higher macro-averaged F measure than methods with similar running time.
Furthermore, the system is able to learn faster than the other methods from
partially labelled streams.
|
Leveraging Network Dynamics for Improved Link Prediction | The aim of link prediction is to forecast connections that are most likely to
occur in the future, based on examples of previously observed links. A key
insight is that it is useful to explicitly model network dynamics, how
frequently links are created or destroyed when doing link prediction. In this
paper, we introduce a new supervised link prediction framework, RPM (Rate
Prediction Model). In addition to network similarity measures, RPM uses the
predicted rate of link modifications, modeled using time series data; it is
implemented in Spark-ML and trained with the original link distribution, rather
than a small balanced subset. We compare the use of this network dynamics model
to directly creating time series of network similarity measures. Our
experiments show that RPM, which leverages predicted rates, outperforms the use
of network similarity measures, either individually or within a time series.
|
Recurrent Attentional Networks for Saliency Detection | Convolutional-deconvolution networks can be adopted to perform end-to-end
saliency detection. But, they do not work well with objects of multiple scales.
To overcome such a limitation, in this work, we propose a recurrent attentional
convolutional-deconvolution network (RACDNN). Using spatial transformer and
recurrent network units, RACDNN is able to iteratively attend to selected image
sub-regions to perform saliency refinement progressively. Besides tackling the
scale problem, RACDNN can also learn context-aware features from past
iterations to enhance saliency refinement in future iterations. Experiments on
several challenging saliency detection datasets validate the effectiveness of
RACDNN, and show that RACDNN outperforms state-of-the-art saliency detection
methods.
|
Thesis: Multiple Kernel Learning for Object Categorization | Object Categorization is a challenging problem, especially when the images
have clutter background, occlusions or different lighting conditions. In the
past, many descriptors have been proposed which aid object categorization even
in such adverse conditions. Each descriptor has its own merits and de-merits.
Some descriptors are invariant to transformations while the others are more
discriminative. Past research has shown that, employing multiple descriptors
rather than any single descriptor leads to better recognition. The problem of
learning the optimal combination of the available descriptors for a particular
classification task is studied. Multiple Kernel Learning (MKL) framework has
been developed for learning an optimal combination of descriptors for object
categorization. Existing MKL formulations often employ block l-1 norm
regularization which is equivalent to selecting a single kernel from a library
of kernels. Since essentially a single descriptor is selected, the existing
formulations maybe sub- optimal for object categorization. A MKL formulation
based on block l-infinity norm regularization has been developed, which chooses
an optimal combination of kernels as opposed to selecting a single kernel. A
Composite Multiple Kernel Learning(CKL) formulation based on mixed l-infinity
and l-1 norm regularization has been developed. These formulations end in
Second Order Cone Programs(SOCP). Other efficient alter- native algorithms for
these formulation have been implemented. Empirical results on benchmark
datasets show significant improvement using these new MKL formulations.
|
The Univariate Flagging Algorithm (UFA): a Fully-Automated Approach for
Identifying Optimal Thresholds in Data | In many data classification problems, there is no linear relationship between
an explanatory and the dependent variables. Instead, there may be ranges of the
input variable for which the observed outcome is signficantly more or less
likely. This paper describes an algorithm for automatic detection of such
thresholds, called the Univariate Flagging Algorithm (UFA). The algorithm
searches for a separation that optimizes the difference between separated areas
while providing the maximum support. We evaluate its performance using three
examples and demonstrate that thresholds identified by the algorithm align well
with visual inspection and subject matter expertise. We also introduce two
classification approaches that use UFA and show that the performance attained
on unseen test data is equal to or better than that of more traditional
classifiers. We demonstrate that the proposed algorithm is robust against
missing data and noise, is scalable, and is easy to interpret and visualize. It
is also well suited for problems where incidence of the target is low.
|
Online Learning of Portfolio Ensembles with Sector Exposure
Regularization | We consider online learning of ensembles of portfolio selection algorithms
and aim to regularize risk by encouraging diversification with respect to a
predefined risk-driven grouping of stocks. Our procedure uses online convex
optimization to control capital allocation to underlying investment algorithms
while encouraging non-sparsity over the given grouping. We prove a logarithmic
regret for this procedure with respect to the best-in-hindsight ensemble. We
applied the procedure with known mean-reversion portfolio selection algorithms
using the standard GICS industry sector grouping. Empirical Experimental
results showed an impressive percentage increase of risk-adjusted return
(Sharpe ratio).
|
Confidence Decision Trees via Online and Active Learning for Streaming
(BIG) Data | Decision tree classifiers are a widely used tool in data stream mining. The
use of confidence intervals to estimate the gain associated with each split
leads to very effective methods, like the popular Hoeffding tree algorithm.
From a statistical viewpoint, the analysis of decision tree classifiers in a
streaming setting requires knowing when enough new information has been
collected to justify splitting a leaf. Although some of the issues in the
statistical analysis of Hoeffding trees have been already clarified, a general
and rigorous study of confidence intervals for splitting criteria is missing.
We fill this gap by deriving accurate confidence intervals to estimate the
splitting gain in decision tree learning with respect to three criteria:
entropy, Gini index, and a third index proposed by Kearns and Mansour. Our
confidence intervals depend in a more detailed way on the tree parameters. We
also extend our confidence analysis to a selective sampling setting, in which
the decision tree learner adaptively decides which labels to query in the
stream. We furnish theoretical guarantee bounding the probability that the
classification is non-optimal learning the decision tree via our selective
sampling strategy. Experiments on real and synthetic data in a streaming
setting show that our trees are indeed more accurate than trees with the same
number of leaves generated by other techniques and our active learning module
permits to save labeling cost. In addition, comparing our labeling strategy
with recent methods, we show that our approach is more robust and consistent
respect all the other techniques applied to incremental decision trees.
|
Typical Stability | In this paper, we introduce a notion of algorithmic stability called typical
stability. When our goal is to release real-valued queries (statistics)
computed over a dataset, this notion does not require the queries to be of
bounded sensitivity -- a condition that is generally assumed under differential
privacy [DMNS06, Dwork06] when used as a notion of algorithmic stability
[DFHPRR15a, DFHPRR15b, BNSSSU16] -- nor does it require the samples in the
dataset to be independent -- a condition that is usually assumed when
generalization-error guarantees are sought. Instead, typical stability requires
the output of the query, when computed on a dataset drawn from the underlying
distribution, to be concentrated around its expected value with respect to that
distribution.
We discuss the implications of typical stability on the generalization error
(i.e., the difference between the value of the query computed on the dataset
and the expected value of the query with respect to the true data
distribution). We show that typical stability can control generalization error
in adaptive data analysis even when the samples in the dataset are not
necessarily independent and when queries to be computed are not necessarily of
bounded-sensitivity as long as the results of the queries over the dataset
(i.e., the computed statistics) follow a distribution with a "light" tail.
Examples of such queries include, but not limited to, subgaussian and
subexponential queries.
We also discuss the composition guarantees of typical stability and prove
composition theorems that characterize the degradation of the parameters of
typical stability under $k$-fold adaptive composition. We also give simple
noise-addition algorithms that achieve this notion. These algorithms are
similar to their differentially private counterparts, however, the added noise
is calibrated differently.
|
Loss Bounds and Time Complexity for Speed Priors | This paper establishes for the first time the predictive performance of speed
priors and their computational complexity. A speed prior is essentially a
probability distribution that puts low probability on strings that are not
efficiently computable. We propose a variant to the original speed prior
(Schmidhuber, 2002), and show that our prior can predict sequences drawn from
probability measures that are estimable in polynomial time. Our speed prior is
computable in doubly-exponential time, but not in polynomial time. On a
polynomial time computable sequence our speed prior is computable in
exponential time. We show better upper complexity bounds for Schmidhuber's
speed prior under the same conditions, and that it predicts deterministic
sequences that are computable in polynomial time; however, we also show that it
is not computable in polynomial time, and the question of its predictive
properties for stochastic sequences remains open.
|
An incremental linear-time learning algorithm for the Optimum-Path
Forest classifier | We present a classification method with incremental capabilities based on the
Optimum-Path Forest classifier (OPF). The OPF considers instances as nodes of a
fully-connected training graph, arc weights represent distances between two
feature vectors. Our algorithm includes new instances in an OPF in linear-time,
while keeping similar accuracies when compared with the original quadratic-time
model.
|
Optimal Margin Distribution Machine | Support vector machine (SVM) has been one of the most popular learning
algorithms, with the central idea of maximizing the minimum margin, i.e., the
smallest distance from the instances to the classification boundary. Recent
theoretical results, however, disclosed that maximizing the minimum margin does
not necessarily lead to better generalization performances, and instead, the
margin distribution has been proven to be more crucial. Based on this idea, we
propose a new method, named Optimal margin Distribution Machine (ODM), which
tries to achieve a better generalization performance by optimizing the margin
distribution. We characterize the margin distribution by the first- and
second-order statistics, i.e., the margin mean and variance. The proposed
method is a general learning approach which can be used in any place where SVM
can be applied, and their superiority is verified both theoretically and
empirically in this paper.
|
A Convex Surrogate Operator for General Non-Modular Loss Functions | Empirical risk minimization frequently employs convex surrogates to
underlying discrete loss functions in order to achieve computational
tractability during optimization. However, classical convex surrogates can only
tightly bound modular loss functions, sub-modular functions or supermodular
functions separately while maintaining polynomial time computation. In this
work, a novel generic convex surrogate for general non-modular loss functions
is introduced, which provides for the first time a tractable solution for loss
functions that are neither super-modular nor submodular. This convex surro-gate
is based on a submodular-supermodular decomposition for which the existence and
uniqueness is proven in this paper. It takes the sum of two convex surrogates
that separately bound the supermodular component and the submodular component
using slack-rescaling and the Lov{\'a}sz hinge, respectively. It is further
proven that this surrogate is convex , piecewise linear, an extension of the
loss function, and for which subgradient computation is polynomial time.
Empirical results are reported on a non-submodular loss based on the
S{{\o}}rensen-Dice difference function, and a real-world face track dataset
with tens of thousands of frames, demonstrating the improved performance,
efficiency, and scalabil-ity of the novel convex surrogate.
|
Video Description using Bidirectional Recurrent Neural Networks | Although traditionally used in the machine translation field, the
encoder-decoder framework has been recently applied for the generation of video
and image descriptions. The combination of Convolutional and Recurrent Neural
Networks in these models has proven to outperform the previous state of the
art, obtaining more accurate video descriptions. In this work we propose
pushing further this model by introducing two contributions into the encoding
stage. First, producing richer image representations by combining object and
location information from Convolutional Neural Networks and second, introducing
Bidirectional Recurrent Neural Networks for capturing both forward and backward
temporal relationships in the input frames.
|
An Unbiased Data Collection and Content Exploitation/Exploration
Strategy for Personalization | One of missions for personalization systems and recommender systems is to
show content items according to users' personal interests. In order to achieve
such goal, these systems are learning user interests over time and trying to
present content items tailoring to user profiles. Recommending items according
to users' preferences has been investigated extensively in the past few years,
mainly thanks for the popularity of Netflix competition. In a real setting,
users may be attracted by a subset of those items and interact with them, only
leaving partial feedbacks to the system to learn in the next cycle, which leads
to significant biases into systems and hence results in a situation where user
engagement metrics cannot be improved over time. The problem is not just for
one component of the system. The data collected from users is usually used in
many different tasks, including learning ranking functions, building user
profiles and constructing content classifiers. Once the data is biased, all
these downstream use cases would be impacted as well. Therefore, it would be
beneficial to gather unbiased data through user interactions. Traditionally,
unbiased data collection is done through showing items uniformly sampling from
the content pool. However, this simple scheme is not feasible as it risks user
engagement metrics and it takes long time to gather user feedbacks. In this
paper, we introduce a user-friendly unbiased data collection framework, by
utilizing methods developed in the exploitation and exploration literature. We
discuss how the framework is different from normal multi-armed bandit problems
and why such method is needed. We layout a novel Thompson sampling for
Bernoulli ranked-list to effectively balance user experiences and data
collection. The proposed method is validated from a real bucket test and we
show strong results comparing to old algorithms
|
Going Deeper with Contextual CNN for Hyperspectral Image Classification | In this paper, we describe a novel deep convolutional neural network (CNN)
that is deeper and wider than other existing deep networks for hyperspectral
image classification. Unlike current state-of-the-art approaches in CNN-based
hyperspectral image classification, the proposed network, called contextual
deep CNN, can optimally explore local contextual interactions by jointly
exploiting local spatio-spectral relationships of neighboring individual pixel
vectors. The joint exploitation of the spatio-spectral information is achieved
by a multi-scale convolutional filter bank used as an initial component of the
proposed CNN pipeline. The initial spatial and spectral feature maps obtained
from the multi-scale filter bank are then combined together to form a joint
spatio-spectral feature map. The joint feature map representing rich spectral
and spatial properties of the hyperspectral image is then fed through a fully
convolutional network that eventually predicts the corresponding label of each
pixel vector. The proposed approach is tested on three benchmark datasets: the
Indian Pines dataset, the Salinas dataset and the University of Pavia dataset.
Performance comparison shows enhanced classification performance of the
proposed approach over the current state-of-the-art on the three datasets.
|
Cross-stitch Networks for Multi-task Learning | Multi-task learning in Convolutional Networks has displayed remarkable
success in the field of recognition. This success can be largely attributed to
learning shared representations from multiple supervisory tasks. However,
existing multi-task approaches rely on enumerating multiple network
architectures specific to the tasks at hand, that do not generalize. In this
paper, we propose a principled approach to learn shared representations in
ConvNets using multi-task learning. Specifically, we propose a new sharing
unit: "cross-stitch" unit. These units combine the activations from multiple
networks and can be trained end-to-end. A network with cross-stitch units can
learn an optimal combination of shared and task-specific representations. Our
proposed method generalizes across multiple tasks and shows dramatically
improved performance over baseline methods for categories with few training
examples.
|
Training Region-based Object Detectors with Online Hard Example Mining | The field of object detection has made significant advances riding on the
wave of region-based ConvNets, but their training procedure still includes many
heuristics and hyperparameters that are costly to tune. We present a simple yet
surprisingly effective online hard example mining (OHEM) algorithm for training
region-based ConvNet detectors. Our motivation is the same as it has always
been -- detection datasets contain an overwhelming number of easy examples and
a small number of hard examples. Automatic selection of these hard examples can
make training more effective and efficient. OHEM is a simple and intuitive
algorithm that eliminates several heuristics and hyperparameters in common use.
But more importantly, it yields consistent and significant boosts in detection
performance on benchmarks like PASCAL VOC 2007 and 2012. Its effectiveness
increases as datasets become larger and more difficult, as demonstrated by the
results on the MS COCO dataset. Moreover, combined with complementary advances
in the field, OHEM leads to state-of-the-art results of 78.9% and 76.3% mAP on
PASCAL VOC 2007 and 2012 respectively.
|
Asynchronous Stochastic Gradient Descent with Variance Reduction for
Non-Convex Optimization | We provide the first theoretical analysis on the convergence rate of the
asynchronous stochastic variance reduced gradient (SVRG) descent algorithm on
non-convex optimization. Recent studies have shown that the asynchronous
stochastic gradient descent (SGD) based algorithms with variance reduction
converge with a linear convergent rate on convex problems. However, there is no
work to analyze asynchronous SGD with variance reduction technique on
non-convex problem. In this paper, we study two asynchronous parallel
implementations of SVRG: one is on a distributed memory system and the other is
on a shared memory system. We provide the theoretical analysis that both
algorithms can obtain a convergence rate of $O(1/T)$, and linear speed up is
achievable if the number of workers is upper bounded. V1,v2,v3 have been
withdrawn due to reference issue, please refer the newest version v4.
|
Joint Unsupervised Learning of Deep Representations and Image Clusters | In this paper, we propose a recurrent framework for Joint Unsupervised
LEarning (JULE) of deep representations and image clusters. In our framework,
successive operations in a clustering algorithm are expressed as steps in a
recurrent process, stacked on top of representations output by a Convolutional
Neural Network (CNN). During training, image clusters and representations are
updated jointly: image clustering is conducted in the forward pass, while
representation learning in the backward pass. Our key idea behind this
framework is that good representations are beneficial to image clustering and
clustering results provide supervisory signals to representation learning. By
integrating two processes into a single model with a unified weighted triplet
loss and optimizing it end-to-end, we can obtain not only more powerful
representations, but also more precise image clusters. Extensive experiments
show that our method outperforms the state-of-the-art on image clustering
across a variety of image datasets. Moreover, the learned representations
generalize well when transferred to other tasks.
|
Bridging the Gaps Between Residual Learning, Recurrent Neural Networks
and Visual Cortex | We discuss relations between Residual Networks (ResNet), Recurrent Neural
Networks (RNNs) and the primate visual cortex. We begin with the observation
that a special type of shallow RNN is exactly equivalent to a very deep ResNet
with weight sharing among the layers. A direct implementation of such a RNN,
although having orders of magnitude fewer parameters, leads to a performance
similar to the corresponding ResNet. We propose 1) a generalization of both RNN
and ResNet architectures and 2) the conjecture that a class of moderately deep
RNNs is a biologically-plausible model of the ventral stream in visual cortex.
We demonstrate the effectiveness of the architectures by testing them on the
CIFAR-10 and ImageNet dataset.
|
Learning Social Affordance for Human-Robot Interaction | In this paper, we present an approach for robot learning of social affordance
from human activity videos. We consider the problem in the context of
human-robot interaction: Our approach learns structural representations of
human-human (and human-object-human) interactions, describing how body-parts of
each agent move with respect to each other and what spatial relations they
should maintain to complete each sub-event (i.e., sub-goal). This enables the
robot to infer its own movement in reaction to the human body motion, allowing
it to naturally replicate such interactions.
We introduce the representation of social affordance and propose a generative
model for its weakly supervised learning from human demonstration videos. Our
approach discovers critical steps (i.e., latent sub-events) in an interaction
and the typical motion associated with them, learning what body-parts should be
involved and how. The experimental results demonstrate that our Markov Chain
Monte Carlo (MCMC) based learning algorithm automatically discovers
semantically meaningful interactive affordance from RGB-D videos, which allows
us to generate appropriate full body motion for an agent.
|
A Differentiable Transition Between Additive and Multiplicative Neurons | Existing approaches to combine both additive and multiplicative neural units
either use a fixed assignment of operations or require discrete optimization to
determine what function a neuron should perform. However, this leads to an
extensive increase in the computational complexity of the training procedure.
We present a novel, parameterizable transfer function based on the
mathematical concept of non-integer functional iteration that allows the
operation each neuron performs to be smoothly and, most importantly,
differentiablely adjusted between addition and multiplication. This allows the
decision between addition and multiplication to be integrated into the standard
backpropagation training procedure.
|
A General Distributed Dual Coordinate Optimization Framework for
Regularized Loss Minimization | In modern large-scale machine learning applications, the training data are
often partitioned and stored on multiple machines. It is customary to employ
the "data parallelism" approach, where the aggregated training loss is
minimized without moving data across machines. In this paper, we introduce a
novel distributed dual formulation for regularized loss minimization problems
that can directly handle data parallelism in the distributed setting. This
formulation allows us to systematically derive dual coordinate optimization
procedures, which we refer to as Distributed Alternating Dual Maximization
(DADM). The framework extends earlier studies described in (Boyd et al., 2011;
Ma et al., 2015a; Jaggi et al., 2014; Yang, 2013) and has rigorous theoretical
analyses. Moreover with the help of the new formulation, we develop the
accelerated version of DADM (Acc-DADM) by generalizing the acceleration
technique from (Shalev-Shwartz and Zhang, 2014) to the distributed setting. We
also provide theoretical results for the proposed accelerated version and the
new result improves previous ones (Yang, 2013; Ma et al., 2015a) whose runtimes
grow linearly on the condition number. Our empirical studies validate our
theory and show that our accelerated approach significantly improves the
previous state-of-the-art distributed dual coordinate optimization algorithms.
|
Animation and Chirplet-Based Development of a PIR Sensor Array for
Intruder Classification in an Outdoor Environment | This paper presents the development of a passive infra-red sensor tower
platform along with a classification algorithm to distinguish between human
intrusion, animal intrusion and clutter arising from wind-blown vegetative
movement in an outdoor environment. The research was aimed at exploring the
potential use of wireless sensor networks as an early-warning system to help
mitigate human-wildlife conflicts occurring at the edge of a forest. There are
three important features to the development. Firstly, the sensor platform
employs multiple sensors arranged in the form of a two-dimensional array to
give it a key spatial-resolution capability that aids in classification.
Secondly, given the challenges of collecting data involving animal intrusion,
an Animation-based Simulation tool for Passive Infra-Red sEnsor (ASPIRE) was
developed that simulates signals corresponding to human and animal intrusion
and some limited models of vegetative clutter. This speeded up the process of
algorithm development by allowing us to test different hypotheses in a
time-efficient manner. Finally, a chirplet-based model for intruder signal was
developed that significantly helped boost classification accuracy despite
drawing data from a smaller number of sensors. An SVM-based classifier was used
which made use of chirplet, energy and signal cross-correlation-based features.
The average accuracy obtained for intruder detection and classification on
real-world and simulated data sets was in excess of 97%.
|
Hierarchical Compound Poisson Factorization | Non-negative matrix factorization models based on a hierarchical
Gamma-Poisson structure capture user and item behavior effectively in extremely
sparse data sets, making them the ideal choice for collaborative filtering
applications. Hierarchical Poisson factorization (HPF) in particular has proved
successful for scalable recommendation systems with extreme sparsity. HPF,
however, suffers from a tight coupling of sparsity model (absence of a rating)
and response model (the value of the rating), which limits the expressiveness
of the latter. Here, we introduce hierarchical compound Poisson factorization
(HCPF) that has the favorable Gamma-Poisson structure and scalability of HPF to
high-dimensional extremely sparse matrices. More importantly, HCPF decouples
the sparsity model from the response model, allowing us to choose the most
suitable distribution for the response. HCPF can capture binary, non-negative
discrete, non-negative continuous, and zero-inflated continuous responses. We
compare HCPF with HPF on nine discrete and three continuous data sets and
conclude that HCPF captures the relationship between sparsity and response
better than HPF.
|
Inverse Reinforcement Learning with Simultaneous Estimation of Rewards
and Dynamics | Inverse Reinforcement Learning (IRL) describes the problem of learning an
unknown reward function of a Markov Decision Process (MDP) from observed
behavior of an agent. Since the agent's behavior originates in its policy and
MDP policies depend on both the stochastic system dynamics as well as the
reward function, the solution of the inverse problem is significantly
influenced by both. Current IRL approaches assume that if the transition model
is unknown, additional samples from the system's dynamics are accessible, or
the observed behavior provides enough samples of the system's dynamics to solve
the inverse problem accurately. These assumptions are often not satisfied. To
overcome this, we present a gradient-based IRL approach that simultaneously
estimates the system's dynamics. By solving the combined optimization problem,
our approach takes into account the bias of the demonstrations, which stems
from the generating policy. The evaluation on a synthetic MDP and a transfer
learning task shows improvements regarding the sample efficiency as well as the
accuracy of the estimated reward functions and transition models.
|
Removing Clouds and Recovering Ground Observations in Satellite Image
Sequences via Temporally Contiguous Robust Matrix Completion | We consider the problem of removing and replacing clouds in satellite image
sequences, which has a wide range of applications in remote sensing. Our
approach first detects and removes the cloud-contaminated part of the image
sequences. It then recovers the missing scenes from the clean parts using the
proposed "TECROMAC" (TEmporally Contiguous RObust MAtrix Completion) objective.
The objective function balances temporal smoothness with a low rank solution
while staying close to the original observations. The matrix whose the rows are
pixels and columnsare days corresponding to the image, has low-rank because the
pixels reflect land-types such as vegetation, roads and lakes and there are
relatively few variations as a result. We provide efficient optimization
algorithms for TECROMAC, so we can exploit images containing millions of
pixels. Empirical results on real satellite image sequences, as well as
simulated data, demonstrate that our approach is able to recover underlying
images from heavily cloud-contaminated observations.
|
Max-Information, Differential Privacy, and Post-Selection Hypothesis
Testing | In this paper, we initiate a principled study of how the generalization
properties of approximate differential privacy can be used to perform adaptive
hypothesis testing, while giving statistically valid $p$-value corrections. We
do this by observing that the guarantees of algorithms with bounded approximate
max-information are sufficient to correct the $p$-values of adaptively chosen
hypotheses, and then by proving that algorithms that satisfy
$(\epsilon,\delta)$-differential privacy have bounded approximate max
information when their inputs are drawn from a product distribution. This
substantially extends the known connection between differential privacy and
max-information, which previously was only known to hold for (pure)
$(\epsilon,0)$-differential privacy. It also extends our understanding of
max-information as a partially unifying measure controlling the generalization
properties of adaptive data analyses. We also show a lower bound, proving that
(despite the strong composition properties of max-information), when data is
drawn from a product distribution, $(\epsilon,\delta)$-differentially private
algorithms can come first in a composition with other algorithms satisfying
max-information bounds, but not necessarily second if the composition is
required to itself satisfy a nontrivial max-information bound. This, in
particular, implies that the connection between
$(\epsilon,\delta)$-differential privacy and max-information holds only for
inputs drawn from product distributions, unlike the connection between
$(\epsilon,0)$-differential privacy and max-information.
|
Efficient Algorithms for Large-scale Generalized Eigenvector Computation
and Canonical Correlation Analysis | This paper considers the problem of canonical-correlation analysis (CCA)
(Hotelling, 1936) and, more broadly, the generalized eigenvector problem for a
pair of symmetric matrices. These are two fundamental problems in data analysis
and scientific computing with numerous applications in machine learning and
statistics (Shi and Malik, 2000; Hardoon et al., 2004; Witten et al., 2009).
We provide simple iterative algorithms, with improved runtimes, for solving
these problems that are globally linearly convergent with moderate dependencies
on the condition numbers and eigenvalue gaps of the matrices involved.
We obtain our results by reducing CCA to the top-$k$ generalized eigenvector
problem. We solve this problem through a general framework that simply requires
black box access to an approximate linear system solver. Instantiating this
framework with accelerated gradient descent we obtain a running time of
$O(\frac{z k \sqrt{\kappa}}{\rho} \log(1/\epsilon) \log
\left(k\kappa/\rho\right))$ where $z$ is the total number of nonzero entries,
$\kappa$ is the condition number and $\rho$ is the relative eigenvalue gap of
the appropriate matrices.
Our algorithm is linear in the input size and the number of components $k$ up
to a $\log(k)$ factor. This is essential for handling large-scale matrices that
appear in practice. To the best of our knowledge this is the first such
algorithm with global linear convergence. We hope that our results prompt
further research and ultimately improve the practical running time for
performing these important data analysis procedures on large data sets.
|
Theoretically-Grounded Policy Advice from Multiple Teachers in
Reinforcement Learning Settings with Applications to Negative Transfer | Policy advice is a transfer learning method where a student agent is able to
learn faster via advice from a teacher. However, both this and other
reinforcement learning transfer methods have little theoretical analysis. This
paper formally defines a setting where multiple teacher agents can provide
advice to a student and introduces an algorithm to leverage both autonomous
exploration and teacher's advice. Our regret bounds justify the intuition that
good teachers help while bad teachers hurt. Using our formalization, we are
also able to quantify, for the first time, when negative transfer can occur
within such a reinforcement learning setting.
|
Fast Parallel Randomized Algorithm for Nonnegative Matrix Factorization
with KL Divergence for Large Sparse Datasets | Nonnegative Matrix Factorization (NMF) with Kullback-Leibler Divergence
(NMF-KL) is one of the most significant NMF problems and equivalent to
Probabilistic Latent Semantic Indexing (PLSI), which has been successfully
applied in many applications. For sparse count data, a Poisson distribution and
KL divergence provide sparse models and sparse representation, which describe
the random variation better than a normal distribution and Frobenius norm.
Specially, sparse models provide more concise understanding of the appearance
of attributes over latent components, while sparse representation provides
concise interpretability of the contribution of latent components over
instances. However, minimizing NMF with KL divergence is much more difficult
than minimizing NMF with Frobenius norm; and sparse models, sparse
representation and fast algorithms for large sparse datasets are still
challenges for NMF with KL divergence. In this paper, we propose a fast
parallel randomized coordinate descent algorithm having fast convergence for
large sparse datasets to archive sparse models and sparse representation. The
proposed algorithm's experimental results overperform the current studies' ones
in this problem.
|
Multi-Source Multi-View Clustering via Discrepancy Penalty | With the advance of technology, entities can be observed in multiple views.
Multiple views containing different types of features can be used for
clustering. Although multi-view clustering has been successfully applied in
many applications, the previous methods usually assume the complete instance
mapping between different views. In many real-world applications, information
can be gathered from multiple sources, while each source can contain multiple
views, which are more cohesive for learning. The views under the same source
are usually fully mapped, but they can be very heterogeneous. Moreover, the
mappings between different sources are usually incomplete and partially
observed, which makes it more difficult to integrate all the views across
different sources. In this paper, we propose MMC (Multi-source Multi-view
Clustering), which is a framework based on collective spectral clustering with
a discrepancy penalty across sources, to tackle these challenges. MMC has
several advantages compared with other existing methods. First, MMC can deal
with incomplete mapping between sources. Second, it considers the disagreements
between sources while treating views in the same source as a cohesive set.
Third, MMC also tries to infer the instance similarities across sources to
enhance the clustering performance. Extensive experiments conducted on
real-world data demonstrate the effectiveness of the proposed approach.
|
Filling in the details: Perceiving from low fidelity images | Humans perceive their surroundings in great detail even though most of our
visual field is reduced to low-fidelity color-deprived (e.g. dichromatic) input
by the retina. In contrast, most deep learning architectures are
computationally wasteful in that they consider every part of the input when
performing an image processing task. Yet, the human visual system is able to
perform visual reasoning despite having only a small fovea of high visual
acuity. With this in mind, we wish to understand the extent to which
connectionist architectures are able to learn from and reason with low acuity,
distorted inputs. Specifically, we train autoencoders to generate full-detail
images from low-detail "foveations" of those images and then measure their
ability to reconstruct the full-detail images from the foveated versions. By
varying the type of foveation, we can study how well the architectures can cope
with various types of distortion. We find that the autoencoder compensates for
lower detail by learning increasingly global feature functions. In many cases,
the learnt features are suitable for reconstructing the original full-detail
image. For example, we find that the networks accurately perceive color in the
periphery, even when 75\% of the input is achromatic.
|
Self-taught learning of a deep invariant representation for visual
tracking via temporal slowness principle | Visual representation is crucial for a visual tracking method's performances.
Conventionally, visual representations adopted in visual tracking rely on
hand-crafted computer vision descriptors. These descriptors were developed
generically without considering tracking-specific information. In this paper,
we propose to learn complex-valued invariant representations from tracked
sequential image patches, via strong temporal slowness constraint and stacked
convolutional autoencoders. The deep slow local representations are learned
offline on unlabeled data and transferred to the observational model of our
proposed tracker. The proposed observational model retains old training samples
to alleviate drift, and collect negative samples which are coherent with
target's motion pattern for better discriminative tracking. With the learned
representation and online training samples, a logistic regression classifier is
adopted to distinguish target from background, and retrained online to adapt to
appearance changes. Subsequently, the observational model is integrated into a
particle filter framework to peform visual tracking. Experimental results on
various challenging benchmark sequences demonstrate that the proposed tracker
performs favourably against several state-of-the-art trackers.
|
Consistently Estimating Markov Chains with Noisy Aggregate Data | We address the problem of estimating the parameters of a time-homogeneous
Markov chain given only noisy, aggregate data. This arises when a population of
individuals behave independently according to a Markov chain, but individual
sample paths cannot be observed due to limitations of the observation process
or the need to protect privacy. Instead, only population-level counts of the
number of individuals in each state at each time step are available. When these
counts are exact, a conditional least squares (CLS) estimator is known to be
consistent and asymptotically normal. We initiate the study of method of
moments estimators for this problem to handle the more realistic case when
observations are additionally corrupted by noise. We show that CLS can be
interpreted as a simple "plug-in" method of moments estimator. However, when
observations are noisy, it is not consistent because it fails to account for
additional variance introduced by the noise. We develop a new, simpler method
of moments estimator that bypasses this problem and is consistent under noisy
observations.
|
Modeling Electrical Daily Demand in Presence of PHEVs in Smart Grids
with Supervised Learning | Replacing a portion of current light duty vehicles (LDV) with plug-in hybrid
electric vehicles (PHEVs) offers the possibility to reduce the dependence on
petroleum fuels together with environmental and economic benefits. The charging
activity of PHEVs will certainly introduce new load to the power grid. In the
framework of the development of a smarter grid, the primary focus of the
present study is to propose a model for the electrical daily demand in presence
of PHEVs charging. Expected PHEV demand is modeled by the PHEV charging time
and the starting time of charge according to real world data. A normal
distribution for starting time of charge is assumed. Several distributions for
charging time are considered: uniform distribution, Gaussian with positive
support, Rician distribution and a non-uniform distribution coming from driving
patterns in real-world data. We generate daily demand profiles by using
real-world residential profiles throughout 2014 in the presence of different
expected PHEV demand models. Support vector machines (SVMs), a set of
supervised machine learning models, are employed in order to find the best
model to fit the data. SVMs with radial basis function (RBF) and polynomial
kernels were tested. Model performances are evaluated by means of mean squared
error (MSE) and mean absolute percentage error (MAPE). Best results are
obtained with RBF kernel: maximum (worst) values for MSE and MAPE were about
2.89 10-8 and 0.023, respectively.
|
Improving the Robustness of Deep Neural Networks via Stability Training | In this paper we address the issue of output instability of deep neural
networks: small perturbations in the visual input can significantly distort the
feature embeddings and output of a neural network. Such instability affects
many deep architectures with state-of-the-art performance on a wide range of
computer vision tasks. We present a general stability training method to
stabilize deep networks against small input distortions that result from
various types of common image processing, such as compression, rescaling, and
cropping. We validate our method by stabilizing the state-of-the-art Inception
architecture against these types of distortions. In addition, we demonstrate
that our stabilized model gives robust state-of-the-art performance on
large-scale near-duplicate detection, similar-image ranking, and classification
on noisy datasets.
|
Positive Definite Estimation of Large Covariance Matrix Using
Generalized Nonconvex Penalties | This work addresses the issue of large covariance matrix estimation in
high-dimensional statistical analysis. Recently, improved iterative algorithms
with positive-definite guarantee have been developed. However, these algorithms
cannot be directly extended to use a nonconvex penalty for sparsity inducing.
Generally, a nonconvex penalty has the capability of ameliorating the bias
problem of the popular convex lasso penalty, and thus is more advantageous. In
this work, we propose a class of positive-definite covariance estimators using
generalized nonconvex penalties. We develop a first-order algorithm based on
the alternating direction method framework to solve the nonconvex optimization
problem efficiently. The convergence of this algorithm has been proved.
Further, the statistical properties of the new estimators have been analyzed
for generalized nonconvex penalties. Moreover, extension of this algorithm to
covariance estimation from sketched measurements has been considered. The
performances of the new estimators have been demonstrated by both a simulation
study and a gene clustering example for tumor tissues. Code for the proposed
estimators is available at https://github.com/FWen/Nonconvex-PDLCE.git.
|
Match-SRNN: Modeling the Recursive Matching Structure with Spatial RNN | Semantic matching, which aims to determine the matching degree between two
texts, is a fundamental problem for many NLP applications. Recently, deep
learning approach has been applied to this problem and significant improvements
have been achieved. In this paper, we propose to view the generation of the
global interaction between two texts as a recursive process: i.e. the
interaction of two texts at each position is a composition of the interactions
between their prefixes as well as the word level interaction at the current
position. Based on this idea, we propose a novel deep architecture, namely
Match-SRNN, to model the recursive matching structure. Firstly, a tensor is
constructed to capture the word level interactions. Then a spatial RNN is
applied to integrate the local interactions recursively, with importance
determined by four types of gates. Finally, the matching score is calculated
based on the global interaction. We show that, after degenerated to the exact
matching scenario, Match-SRNN can approximate the dynamic programming process
of longest common subsequence. Thus, there exists a clear interpretation for
Match-SRNN. Our experiments on two semantic matching tasks showed the
effectiveness of Match-SRNN, and its ability of visualizing the learned
matching structure.
|
The Artificial Mind's Eye: Resisting Adversarials for Convolutional
Neural Networks using Internal Projection | We introduce a novel artificial neural network architecture that integrates
robustness to adversarial input in the network structure. The main idea of our
approach is to force the network to make predictions on what the given instance
of the class under consideration would look like and subsequently test those
predictions. By forcing the network to redraw the relevant parts of the image
and subsequently comparing this new image to the original, we are having the
network give a "proof" of the presence of the object.
|
Bayesian linear regression with Student-t assumptions | As an automatic method of determining model complexity using the training
data alone, Bayesian linear regression provides us a principled way to select
hyperparameters. But one often needs approximation inference if distribution
assumption is beyond Gaussian distribution. In this paper, we propose a
Bayesian linear regression model with Student-t assumptions (BLRS), which can
be inferred exactly. In this framework, both conjugate prior and expectation
maximization (EM) algorithm are generalized. Meanwhile, we prove that the
maximum likelihood solution is equivalent to the standard Bayesian linear
regression with Gaussian assumptions (BLRG). The $q$-EM algorithm for BLRS is
nearly identical to the EM algorithm for BLRG. It is showed that $q$-EM for
BLRS can converge faster than EM for BLRG for the task of predicting online
news popularity.
|
Delta divergence: A novel decision cognizant measure of classifier
incongruence | Disagreement between two classifiers regarding the class membership of an
observation in pattern recognition can be indicative of an anomaly and its
nuance. As in general classifiers base their decision on class aposteriori
probabilities, the most natural approach to detecting classifier incongruence
is to use divergence. However, existing divergences are not particularly
suitable to gauge classifier incongruence. In this paper, we postulate the
properties that a divergence measure should satisfy and propose a novel
divergence measure, referred to as Delta divergence. In contrast to existing
measures, it is decision cognizant. The focus in Delta divergence on the
dominant hypotheses has a clutter reducing property, the significance of which
grows with increasing number of classes. The proposed measure satisfies other
important properties such as symmetry, and independence of classifier
confidence. The relationship of the proposed divergence to some baseline
measures is demonstrated experimentally, showing its superiority.
|
A short note on extension theorems and their connection to universal
consistency in machine learning | Statistical machine learning plays an important role in modern statistics and
computer science. One main goal of statistical machine learning is to provide
universally consistent algorithms, i.e., the estimator converges in probability
or in some stronger sense to the Bayes risk or to the Bayes decision function.
Kernel methods based on minimizing the regularized risk over a reproducing
kernel Hilbert space (RKHS) belong to these statistical machine learning
methods. It is in general unknown which kernel yields optimal results for a
particular data set or for the unknown probability measure. Hence various
kernel learning methods were proposed to choose the kernel and therefore also
its RKHS in a data adaptive manner. Nevertheless, many practitioners often use
the classical Gaussian RBF kernel or certain Sobolev kernels with good success.
The goal of this short note is to offer one possible theoretical explanation
for this empirical fact.
|
Tracking Human-like Natural Motion Using Deep Recurrent Neural Networks | Kinect skeleton tracker is able to achieve considerable human body tracking
performance in convenient and a low-cost manner. However, The tracker often
captures unnatural human poses such as discontinuous and vibrated motions when
self-occlusions occur. A majority of approaches tackle this problem by using
multiple Kinect sensors in a workspace. Combination of the measurements from
different sensors is then conducted in Kalman filter framework or optimization
problem is formulated for sensor fusion. However, these methods usually require
heuristics to measure reliability of measurements observed from each Kinect
sensor. In this paper, we developed a method to improve Kinect skeleton using
single Kinect sensor, in which supervised learning technique was employed to
correct unnatural tracking motions. Specifically, deep recurrent neural
networks were used for improving joint positions and velocities of Kinect
skeleton, and three methods were proposed to integrate the refined positions
and velocities for further enhancement. Moreover, we suggested a novel measure
to evaluate naturalness of captured motions. We evaluated the proposed approach
by comparison with the ground truth obtained using a commercial optical
maker-based motion capture system.
|
Accessing accurate documents by mining auxiliary document information | Earlier techniques of text mining included algorithms like k-means, Naive
Bayes, SVM which classify and cluster the text document for mining relevant
information about the documents. The need for improving the mining techniques
has us searching for techniques using the available algorithms. This paper
proposes one technique which uses the auxiliary information that is present
inside the text documents to improve the mining. This auxiliary information can
be a description to the content. This information can be either useful or
completely useless for mining. The user should assess the worth of the
auxiliary information before considering this technique for text mining. In
this paper, a combination of classical clustering algorithms is used to mine
the datasets. The algorithm runs in two stages which carry out mining at
different levels of abstraction. The clustered documents would then be
classified based on the necessary groups. The proposed technique is aimed at
improved results of document clustering.
|
CNN-RNN: A Unified Framework for Multi-label Image Classification | While deep convolutional neural networks (CNNs) have shown a great success in
single-label image classification, it is important to note that real world
images generally contain multiple labels, which could correspond to different
objects, scenes, actions and attributes in an image. Traditional approaches to
multi-label image classification learn independent classifiers for each
category and employ ranking or thresholding on the classification results.
These techniques, although working well, fail to explicitly exploit the label
dependencies in an image. In this paper, we utilize recurrent neural networks
(RNNs) to address this problem. Combined with CNNs, the proposed CNN-RNN
framework learns a joint image-label embedding to characterize the semantic
label dependency as well as the image-label relevance, and it can be trained
end-to-end from scratch to integrate both information in a unified framework.
Experimental results on public benchmark datasets demonstrate that the proposed
architecture achieves better performance than the state-of-the-art multi-label
classification model
|
Make Up Your Mind: The Price of Online Queries in Differential Privacy | We consider the problem of answering queries about a sensitive dataset
subject to differential privacy. The queries may be chosen adversarially from a
larger set Q of allowable queries in one of three ways, which we list in order
from easiest to hardest to answer:
Offline: The queries are chosen all at once and the differentially private
mechanism answers the queries in a single batch.
Online: The queries are chosen all at once, but the mechanism only receives
the queries in a streaming fashion and must answer each query before seeing the
next query.
Adaptive: The queries are chosen one at a time and the mechanism must answer
each query before the next query is chosen. In particular, each query may
depend on the answers given to previous queries.
Many differentially private mechanisms are just as efficient in the adaptive
model as they are in the offline model. Meanwhile, most lower bounds for
differential privacy hold in the offline setting. This suggests that the three
models may be equivalent.
We prove that these models are all, in fact, distinct. Specifically, we show
that there is a family of statistical queries such that exponentially more
queries from this family can be answered in the offline model than in the
online model. We also exhibit a family of search queries such that
exponentially more queries from this family can be answered in the online model
than in the adaptive model. We also investigate whether such separations might
hold for simple queries like threshold queries over the real line.
|
ModelWizard: Toward Interactive Model Construction | Data scientists engage in model construction to discover machine learning
models that well explain a dataset, in terms of predictiveness,
understandability and generalization across domains. Questions such as "what if
we model common cause Z" and "what if Y's dependence on X reverses" inspire
many candidate models to consider and compare, yet current tools emphasize
constructing a final model all at once.
To more naturally reflect exploration when debating numerous models, we
propose an interactive model construction framework grounded in composable
operations. Primitive operations capture core steps refining data and model
that, when verified, form an inductive basis to prove model validity. Derived,
composite operations enable advanced model families, both generic and
specialized, abstracted away from low-level details.
We prototype our envisioned framework in ModelWizard, a domain-specific
language embedded in F# to construct Tabular models. We enumerate language
design and demonstrate its use through several applications, emphasizing how
language may facilitate creation of complex models. To future engineers
designing data science languages and tools, we offer ModelWizard's design as a
new model construction paradigm, speeding discovery of our universe's
structure.
|
Phone-based Metric as a Predictor for Basic Personality Traits | Basic personality traits are typically assessed through questionnaires. Here
we consider phone-based metrics as a way to asses personality traits. We use
data from smartphones with custom data-collection software distributed to 730
individuals. The data includes information about location, physical motion,
face-to-face contacts, online social network friends, text messages and calls.
The data is further complemented by questionnaire-based data on basic
personality traits. From the phone-based metrics, we define a set of behavioral
variables, which we use in a prediction of basic personality traits. We find
that predominantly, the Big Five personality traits extraversion and, to some
degree, neuroticism are strongly expressed in our data. As an alternative to
the Big Five, we investigate whether other linear combinations of the 44
questions underlying the Big Five Inventory are more predictable. In a tertile
classification problem, basic dimensionality reduction techniques, such as
independent component analysis, increase the predictability relative to the
baseline from $11\%$ to $23\%$. Finally, from a supervised linear classifier,
we were able to further improve this predictability to $33\%$. In all cases,
the most predictable projections had an overweight of the questions related to
extraversion and neuroticism. In addition, our findings indicate that the score
system underlying the Big Five Inventory disregards a part of the information
available in the 44 questions.
|
DS-MLR: Exploiting Double Separability for Scaling up Distributed
Multinomial Logistic Regression | Scaling multinomial logistic regression to datasets with very large number of
data points and classes is challenging. This is primarily because one needs to
compute the log-partition function on every data point. This makes distributing
the computation hard. In this paper, we present a distributed stochastic
gradient descent based optimization method (DS-MLR) for scaling up multinomial
logistic regression problems to massive scale datasets without hitting any
storage constraints on the data and model parameters. Our algorithm exploits
double-separability, an attractive property that allows us to achieve both data
as well as model parallelism simultaneously. In addition, we introduce a
non-blocking and asynchronous variant of our algorithm that avoids
bulk-synchronization. We demonstrate the versatility of DS-MLR to various
scenarios in data and model parallelism, through an extensive empirical study
using several real-world datasets. In particular, we demonstrate the
scalability of DS-MLR by solving an extreme multi-class classification problem
on the Reddit dataset (159 GB data, 358 GB parameters) where, to the best of
our knowledge, no other existing methods apply.
|
Efficient Dictionary Learning with Sparseness-Enforcing Projections | Learning dictionaries suitable for sparse coding instead of using engineered
bases has proven effective in a variety of image processing tasks. This paper
studies the optimization of dictionaries on image data where the representation
is enforced to be explicitly sparse with respect to a smooth, normalized
sparseness measure. This involves the computation of Euclidean projections onto
level sets of the sparseness measure. While previous algorithms for this
optimization problem had at least quasi-linear time complexity, here the first
algorithm with linear time complexity and constant space complexity is
proposed. The key for this is the mathematically rigorous derivation of a
characterization of the projection's result based on a soft-shrinkage function.
This theory is applied in an original algorithm called Easy Dictionary Learning
(EZDL), which learns dictionaries with a simple and fast-to-compute
Hebbian-like learning rule. The new algorithm is efficient, expressive and
particularly simple to implement. It is demonstrated that despite its
simplicity, the proposed learning algorithm is able to generate a rich variety
of dictionaries, in particular a topographic organization of atoms or separable
atoms. Further, the dictionaries are as expressive as those of benchmark
learning algorithms in terms of the reproduction quality on entire images, and
result in an equivalent denoising performance. EZDL learns approximately 30 %
faster than the already very efficient Online Dictionary Learning algorithm,
and is therefore eligible for rapid data set analysis and problems with vast
quantities of learning samples.
|
Supervised and Unsupervised Ensembling for Knowledge Base Population | We present results on combining supervised and unsupervised methods to
ensemble multiple systems for two popular Knowledge Base Population (KBP)
tasks, Cold Start Slot Filling (CSSF) and Tri-lingual Entity Discovery and
Linking (TEDL). We demonstrate that our combined system along with auxiliary
features outperforms the best performing system for both tasks in the 2015
competition, several ensembling baselines, as well as the state-of-the-art
stacking approach to ensembling KBP systems. The success of our technique on
two different and challenging problems demonstrates the power and generality of
our combined approach to ensembling.
|
Structured Sparse Convolutional Autoencoder | This paper aims to improve the feature learning in Convolutional Networks
(Convnet) by capturing the structure of objects. A new sparsity function is
imposed on the extracted featuremap to capture the structure and shape of the
learned object, extracting interpretable features to improve the prediction
performance. The proposed algorithm is based on organizing the activation
within and across featuremap by constraining the node activities through
$\ell_{2}$ and $\ell_{1}$ normalization in a structured form.
|
SSP: Semantic Space Projection for Knowledge Graph Embedding with Text
Descriptions | Knowledge representation is an important, long-history topic in AI, and there
have been a large amount of work for knowledge graph embedding which projects
symbolic entities and relations into low-dimensional, real-valued vector space.
However, most embedding methods merely concentrate on data fitting and ignore
the explicit semantic expression, leading to uninterpretable representations.
Thus, traditional embedding methods have limited potentials for many
applications such as question answering, and entity classification. To this
end, this paper proposes a semantic representation method for knowledge graph
\textbf{(KSR)}, which imposes a two-level hierarchical generative process that
globally extracts many aspects and then locally assigns a specific category in
each aspect for every triple. Since both aspects and categories are
semantics-relevant, the collection of categories in each aspect is treated as
the semantic representation of this triple. Extensive experiments justify our
model outperforms other state-of-the-art baselines substantially.
|
Mahalanobis Distance Metric Learning Algorithm for Instance-based Data
Stream Classification | With the massive data challenges nowadays and the rapid growing of
technology, stream mining has recently received considerable attention. To
address the large number of scenarios in which this phenomenon manifests itself
suitable tools are required in various research fields. Instance-based data
stream algorithms generally employ the Euclidean distance for the
classification task underlying this problem. A novel way to look into this
issue is to take advantage of a more flexible metric due to the increased
requirements imposed by the data stream scenario. In this paper we present a
new algorithm that learns a Mahalanobis metric using similarity and
dissimilarity constraints in an online manner. This approach hybridizes a
Mahalanobis distance metric learning algorithm and a k-NN data stream
classification algorithm with concept drift detection. First, some basic
aspects of Mahalanobis distance metric learning are described taking into
account key properties as well as online distance metric learning algorithms.
Second, we implement specific evaluation methodologies and comparative metrics
such as Q statistic for data stream classification algorithms. Finally, our
algorithm is evaluated on different datasets by comparing its results with one
of the best instance-based data stream classification algorithm of the state of
the art. The results demonstrate that our proposal is better
|
An Initial Seed Selection Algorithm for K-means Clustering of
Georeferenced Data to Improve Replicability of Cluster Assignments for
Mapping Application | K-means is one of the most widely used clustering algorithms in various
disciplines, especially for large datasets. However the method is known to be
highly sensitive to initial seed selection of cluster centers. K-means++ has
been proposed to overcome this problem and has been shown to have better
accuracy and computational efficiency than k-means. In many clustering problems
though -such as when classifying georeferenced data for mapping applications-
standardization of clustering methodology, specifically, the ability to arrive
at the same cluster assignment for every run of the method i.e. replicability
of the methodology, may be of greater significance than any perceived measure
of accuracy, especially when the solution is known to be non-unique, as in the
case of k-means clustering. Here we propose a simple initial seed selection
algorithm for k-means clustering along one attribute that draws initial cluster
boundaries along the 'deepest valleys' or greatest gaps in dataset. Thus, it
incorporates a measure to maximize distance between consecutive cluster centers
which augments the conventional k-means optimization for minimum distance
between cluster center and cluster members. Unlike existing initialization
methods, no additional parameters or degrees of freedom are introduced to the
clustering algorithm. This improves the replicability of cluster assignments by
as much as 100% over k-means and k-means++, virtually reducing the variance
over different runs to zero, without introducing any additional parameters to
the clustering process. Further, the proposed method is more computationally
efficient than k-means++ and in some cases, more accurate.
|
Multi-view Learning as a Nonparametric Nonlinear Inter-Battery Factor
Analysis | Factor analysis aims to determine latent factors, or traits, which summarize
a given data set. Inter-battery factor analysis extends this notion to multiple
views of the data. In this paper we show how a nonlinear, nonparametric version
of these models can be recovered through the Gaussian process latent variable
model. This gives us a flexible formalism for multi-view learning where the
latent variables can be used both for exploratory purposes and for learning
representations that enable efficient inference for ambiguous estimation tasks.
Learning is performed in a Bayesian manner through the formulation of a
variational compression scheme which gives a rigorous lower bound on the log
likelihood. Our Bayesian framework provides strong regularization during
training, allowing the structure of the latent space to be determined
efficiently and automatically. We demonstrate this by producing the first (to
our knowledge) published results of learning from dozens of views, even when
data is scarce. We further show experimental results on several different types
of multi-view data sets and for different kinds of tasks, including exploratory
data analysis, generation, ambiguity modelling through latent priors and
classification.
|
Identifying global optimality for dictionary learning | Learning new representations of input observations in machine learning is
often tackled using a factorization of the data. For many such problems,
including sparse coding and matrix completion, learning these factorizations
can be difficult, in terms of efficiency and to guarantee that the solution is
a global minimum. Recently, a general class of objectives have been
introduced-which we term induced dictionary learning models (DLMs)-that have an
induced convex form that enables global optimization. Though attractive
theoretically, this induced form is impractical, particularly for large or
growing datasets. In this work, we investigate the use of practical alternating
minimization algorithms for induced DLMs, that ensure convergence to global
optima. We characterize the stationary points of these models, and, using these
insights, highlight practical choices for the objectives. We then provide
theoretical and empirical evidence that alternating minimization, from a random
initialization, converges to global minima for a large subclass of induced
DLMs. In particular, we take advantage of the existence of the (potentially
unknown) convex induced form, to identify when stationary points are global
minima for the dictionary learning objective. We then provide an empirical
investigation into practical optimization choices for using alternating
minimization for induced DLMs, for both batch and stochastic gradient descent.
|
Gaussian Copula Variational Autoencoders for Mixed Data | The variational autoencoder (VAE) is a generative model with continuous
latent variables where a pair of probabilistic encoder (bottom-up) and decoder
(top-down) is jointly learned by stochastic gradient variational Bayes. We
first elaborate Gaussian VAE, approximating the local covariance matrix of the
decoder as an outer product of the principal direction at a position determined
by a sample drawn from Gaussian distribution. We show that this model, referred
to as VAE-ROC, better captures the data manifold, compared to the standard
Gaussian VAE where independent multivariate Gaussian was used to model the
decoder. Then we extend the VAE-ROC to handle mixed categorical and continuous
data. To this end, we employ Gaussian copula to model the local dependency in
mixed categorical and continuous data, leading to {\em Gaussian copula
variational autoencoder} (GCVAE). As in VAE-ROC, we use the rank-one
approximation for the covariance in the Gaussian copula, to capture the local
dependency structure in the mixed data. Experiments on various datasets
demonstrate the useful behaviour of VAE-ROC and GCVAE, compared to the standard
VAE.
|
Deep Aesthetic Quality Assessment with Semantic Information | Human beings often assess the aesthetic quality of an image coupled with the
identification of the image's semantic content. This paper addresses the
correlation issue between automatic aesthetic quality assessment and semantic
recognition. We cast the assessment problem as the main task among a multi-task
deep model, and argue that semantic recognition task offers the key to address
this problem. Based on convolutional neural networks, we employ a single and
simple multi-task framework to efficiently utilize the supervision of aesthetic
and semantic labels. A correlation item between these two tasks is further
introduced to the framework by incorporating the inter-task relationship
learning. This item not only provides some useful insight about the correlation
but also improves assessment accuracy of the aesthetic task. Particularly, an
effective strategy is developed to keep a balance between the two tasks, which
facilitates to optimize the parameters of the framework. Extensive experiments
on the challenging AVA dataset and Photo.net dataset validate the importance of
semantic recognition in aesthetic quality assessment, and demonstrate that
multi-task deep models can discover an effective aesthetic representation to
achieve state-of-the-art results.
|
Empirical study of PROXTONE and PROXTONE$^+$ for Fast Learning of Large
Scale Sparse Models | PROXTONE is a novel and fast method for optimization of large scale
non-smooth convex problem \cite{shi2015large}. In this work, we try to use
PROXTONE method in solving large scale \emph{non-smooth non-convex} problems,
for example training of sparse deep neural network (sparse DNN) or sparse
convolutional neural network (sparse CNN) for embedded or mobile device.
PROXTONE converges much faster than first order methods, while first order
method is easy in deriving and controlling the sparseness of the solutions.
Thus in some applications, in order to train sparse models fast, we propose to
combine the merits of both methods, that is we use PROXTONE in the first
several epochs to reach the neighborhood of an optimal solution, and then use
the first order method to explore the possibility of sparsity in the following
training. We call such method PROXTONE plus (PROXTONE$^+$). Both PROXTONE and
PROXTONE$^+$ are tested in our experiments, and which demonstrate both methods
improved convergence speed twice as fast at least on diverse sparse model
learning problems, and at the same time reduce the size to 0.5\% for DNN
models. The source of all the algorithms is available upon request.
|
Mastering 2048 with Delayed Temporal Coherence Learning, Multi-Stage
Weight Promotion, Redundant Encoding and Carousel Shaping | 2048 is an engaging single-player, nondeterministic video puzzle game, which,
thanks to the simple rules and hard-to-master gameplay, has gained massive
popularity in recent years. As 2048 can be conveniently embedded into the
discrete-state Markov decision processes framework, we treat it as a testbed
for evaluating existing and new methods in reinforcement learning. With the aim
to develop a strong 2048 playing program, we employ temporal difference
learning with systematic n-tuple networks. We show that this basic method can
be significantly improved with temporal coherence learning, multi-stage
function approximator with weight promotion, carousel shaping, and redundant
encoding. In addition, we demonstrate how to take advantage of the
characteristics of the n-tuple network, to improve the algorithmic
effectiveness of the learning process by i) delaying the (decayed) update and
applying lock-free optimistic parallelism to effortlessly make advantage of
multiple CPU cores. This way, we were able to develop the best known 2048
playing program to date, which confirms the effectiveness of the introduced
methods for discrete-state Markov decision problems.
|
End-to-End Tracking and Semantic Segmentation Using Recurrent Neural
Networks | In this work we present a novel end-to-end framework for tracking and
classifying a robot's surroundings in complex, dynamic and only partially
observable real-world environments. The approach deploys a recurrent neural
network to filter an input stream of raw laser measurements in order to
directly infer object locations, along with their identity in both visible and
occluded areas. To achieve this we first train the network using unsupervised
Deep Tracking, a recently proposed theoretical framework for end-to-end space
occupancy prediction. We show that by learning to track on a large amount of
unsupervised data, the network creates a rich internal representation of its
environment which we in turn exploit through the principle of inductive
transfer of knowledge to perform the task of it's semantic classification. As a
result, we show that only a small amount of labelled data suffices to steer the
network towards mastering this additional task. Furthermore we propose a novel
recurrent neural network architecture specifically tailored to tracking and
semantic classification in real-world robotics applications. We demonstrate the
tracking and classification performance of the method on real-world data
collected at a busy road junction. Our evaluation shows that the proposed
end-to-end framework compares favourably to a state-of-the-art, model-free
tracking solution and that it outperforms a conventional one-shot training
scheme for semantic classification.
|
Locally Imposing Function for Generalized Constraint Neural Networks - A
Study on Equality Constraints | This work is a further study on the Generalized Constraint Neural Network
(GCNN) model [1], [2]. Two challenges are encountered in the study, that is, to
embed any type of prior information and to select its imposing schemes. The
work focuses on the second challenge and studies a new constraint imposing
scheme for equality constraints. A new method called locally imposing function
(LIF) is proposed to provide a local correction to the GCNN prediction
function, which therefore falls within Locally Imposing Scheme (LIS). In
comparison, the conventional Lagrange multiplier method is considered as
Globally Imposing Scheme (GIS) because its added constraint term exhibits a
global impact to its objective function. Two advantages are gained from LIS
over GIS. First, LIS enables constraints to fire locally and explicitly in the
domain only where they need on the prediction function. Second, constraints can
be implemented within a network setting directly. We attempt to interpret
several constraint methods graphically from a viewpoint of the locality
principle. Numerical examples confirm the advantages of the proposed method. In
solving boundary value problems with Dirichlet and Neumann constraints, the
GCNN model with LIF is possible to achieve an exact satisfaction of the
constraints.
|
Can Boosting with SVM as Week Learners Help? | Object recognition in images involves identifying objects with partial
occlusions, viewpoint changes, varying illumination, cluttered backgrounds.
Recent work in object recognition uses machine learning techniques SVM-KNN,
Local Ensemble Kernel Learning, Multiple Kernel Learning. In this paper, we
want to utilize SVM as week learners in AdaBoost. Experiments are done with
classifiers like near- est neighbor, k-nearest neighbor, Support vector
machines, Local learning(SVM- KNN) and AdaBoost. Models use Scale-Invariant
descriptors and Pyramid his- togram of gradient descriptors. AdaBoost is
trained with set of week classifier as SVMs, each with kernel distance function
on different descriptors. Results shows AdaBoost with SVM outperform other
methods for Object Categorization dataset.
|
Risk-Averse Multi-Armed Bandit Problems under Mean-Variance Measure | The multi-armed bandit problems have been studied mainly under the measure of
expected total reward accrued over a horizon of length $T$. In this paper, we
address the issue of risk in multi-armed bandit problems and develop parallel
results under the measure of mean-variance, a commonly adopted risk measure in
economics and mathematical finance. We show that the model-specific regret and
the model-independent regret in terms of the mean-variance of the reward
process are lower bounded by $\Omega(\log T)$ and $\Omega(T^{2/3})$,
respectively. We then show that variations of the UCB policy and the DSEE
policy developed for the classic risk-neutral MAB achieve these lower bounds.
|
Chained Gaussian Processes | Gaussian process models are flexible, Bayesian non-parametric approaches to
regression. Properties of multivariate Gaussians mean that they can be combined
linearly in the manner of additive models and via a link function (like in
generalized linear models) to handle non-Gaussian data. However, the link
function formalism is restrictive, link functions are always invertible and
must convert a parameter of interest to a linear combination of the underlying
processes. There are many likelihoods and models where a non-linear combination
is more appropriate. We term these more general models Chained Gaussian
Processes: the transformation of the GPs to the likelihood parameters will not
generally be invertible, and that implies that linearisation would only be
possible with multiple (localized) links, i.e. a chain. We develop an
approximate inference procedure for Chained GPs that is scalable and applicable
to any factorized likelihood. We demonstrate the approximation on a range of
likelihood functions.
|
Asymptotic Convergence in Online Learning with Unbounded Delays | We study the problem of predicting the results of computations that are too
expensive to run, via the observation of the results of smaller computations.
We model this as an online learning problem with delayed feedback, where the
length of the delay is unbounded, which we study mainly in a stochastic
setting. We show that in this setting, consistency is not possible in general,
and that optimal forecasters might not have average regret going to zero.
However, it is still possible to give algorithms that converge asymptotically
to Bayes-optimal predictions, by evaluating forecasters on specific sparse
independent subsequences of their predictions. We give an algorithm that does
this, which converges asymptotically on good behavior, and give very weak
bounds on how long it takes to converge. We then relate our results back to the
problem of predicting large computations in a deterministic setting.
|
Inductive Coherence | While probability theory is normally applied to external environments, there
has been some recent interest in probabilistic modeling of the outputs of
computations that are too expensive to run. Since mathematical logic is a
powerful tool for reasoning about computer programs, we consider this problem
from the perspective of integrating probability and logic. Recent work on
assigning probabilities to mathematical statements has used the concept of
coherent distributions, which satisfy logical constraints such as the
probability of a sentence and its negation summing to one. Although there are
algorithms which converge to a coherent probability distribution in the limit,
this yields only weak guarantees about finite approximations of these
distributions. In our setting, this is a significant limitation: Coherent
distributions assign probability one to all statements provable in a specific
logical theory, such as Peano Arithmetic, which can prove what the output of
any terminating computation is; thus, a coherent distribution must assign
probability one to the output of any terminating computation. To model
uncertainty about computations, we propose to work with approximations to
coherent distributions. We introduce inductive coherence, a strengthening of
coherence that provides appropriate constraints on finite approximations, and
propose an algorithm which satisfies this criterion.
|
Learning Sparse Additive Models with Interactions in High Dimensions | A function $f: \mathbb{R}^d \rightarrow \mathbb{R}$ is referred to as a
Sparse Additive Model (SPAM), if it is of the form $f(\mathbf{x}) = \sum_{l \in
\mathcal{S}}\phi_{l}(x_l)$, where $\mathcal{S} \subset [d]$, $|\mathcal{S}| \ll
d$. Assuming $\phi_l$'s and $\mathcal{S}$ to be unknown, the problem of
estimating $f$ from its samples has been studied extensively. In this work, we
consider a generalized SPAM, allowing for second order interaction terms. For
some $\mathcal{S}_1 \subset [d], \mathcal{S}_2 \subset {[d] \choose 2}$, the
function $f$ is assumed to be of the form: $$f(\mathbf{x}) = \sum_{p \in
\mathcal{S}_1}\phi_{p} (x_p) + \sum_{(l,l^{\prime}) \in
\mathcal{S}_2}\phi_{(l,l^{\prime})} (x_{l},x_{l^{\prime}}).$$ Assuming
$\phi_{p},\phi_{(l,l^{\prime})}$, $\mathcal{S}_1$ and, $\mathcal{S}_2$ to be
unknown, we provide a randomized algorithm that queries $f$ and exactly
recovers $\mathcal{S}_1,\mathcal{S}_2$. Consequently, this also enables us to
estimate the underlying $\phi_p, \phi_{(l,l^{\prime})}$. We derive sample
complexity bounds for our scheme and also extend our analysis to include the
situation where the queries are corrupted with noise -- either stochastic, or
arbitrary but bounded. Lastly, we provide simulation results on synthetic data,
that validate our theoretical findings.
|
Churn analysis using deep convolutional neural networks and autoencoders | Customer temporal behavioral data was represented as images in order to
perform churn prediction by leveraging deep learning architectures prominent in
image classification. Supervised learning was performed on labeled data of over
6 million customers using deep convolutional neural networks, which achieved an
AUC of 0.743 on the test dataset using no more than 12 temporal features for
each customer. Unsupervised learning was conducted using autoencoders to better
understand the reasons for customer churn. Images that maximally activate the
hidden units of an autoencoder trained with churned customers reveal ample
opportunities for action to be taken to prevent churn among strong data, no
voice users.
|
An Adaptive Learning Mechanism for Selection of Increasingly More
Complex Systems | Recently it has been demonstrated that causal entropic forces can lead to the
emergence of complex phenomena associated with human cognitive niche such as
tool use and social cooperation. Here I show that even more fundamental traits
associated with human cognition such as 'self-awareness' can easily be
demonstrated to be arising out of merely a selection for 'better regulators';
i.e. systems which respond comparatively better to threats to their existence
which are internal to themselves. A simple model demonstrates how indeed the
average self-awareness for a universe of systems continues to rise as less
self-aware systems are eliminated. The model also demonstrates however that the
maximum attainable self-awareness for any system is limited by the plasticity
and energy availability for that typology of systems. I argue that this rise in
self-awareness may be the reason why systems tend towards greater complexity.
|
Triplet Probabilistic Embedding for Face Verification and Clustering | Despite significant progress made over the past twenty five years,
unconstrained face verification remains a challenging problem. This paper
proposes an approach that couples a deep CNN-based approach with a
low-dimensional discriminative embedding learned using triplet probability
constraints to solve the unconstrained face verification problem. Aside from
yielding performance improvements, this embedding provides significant
advantages in terms of memory and for post-processing operations like subject
specific clustering. Experiments on the challenging IJB-A dataset show that the
proposed algorithm performs comparably or better than the state of the art
methods in verification and identification metrics, while requiring much less
training data and training time. The superior performance of the proposed
method on the CFP dataset shows that the representation learned by our deep CNN
is robust to extreme pose variation. Furthermore, we demonstrate the robustness
of the deep features to challenges including age, pose, blur and clutter by
performing simple clustering experiments on both IJB-A and LFW datasets.
|
Comparative Study of Instance Based Learning and Back Propagation for
Classification Problems | The paper presents a comparative study of the performance of Back Propagation
and Instance Based Learning Algorithm for classification tasks. The study is
carried out by a series of experiments will all possible combinations of
parameter values for the algorithms under evaluation. The algorithm's
classification accuracy is compared over a range of datasets and measurements
like Cross Validation, Kappa Statistics, Root Mean Squared Value and True
Positive vs False Positive rate have been used to evaluate their performance.
Along with performance comparison, techniques of handling missing values have
also been compared that include Mean or Mode replacement and Multiple
Imputation. The results showed that parameter adjustment plays vital role in
improving an algorithm's accuracy and therefore, Back Propagation has shown
better results as compared to Instance Based Learning. Furthermore, the problem
of missing values was better handled by Multiple imputation method, however,
not suitable for less amount of data.
|
Streaming Label Learning for Modeling Labels on the Fly | It is challenging to handle a large volume of labels in multi-label learning.
However, existing approaches explicitly or implicitly assume that all the
labels in the learning process are given, which could be easily violated in
changing environments. In this paper, we define and study streaming label
learning (SLL), i.e., labels are arrived on the fly, to model newly arrived
labels with the help of the knowledge learned from past labels. The core of SLL
is to explore and exploit the relationships between new labels and past labels
and then inherit the relationship into hypotheses of labels to boost the
performance of new classifiers. In specific, we use the label
self-representation to model the label relationship, and SLL will be divided
into two steps: a regression problem and a empirical risk minimization (ERM)
problem. Both problems are simple and can be efficiently solved. We further
show that SLL can generate a tighter generalization error bound for new labels
than the general ERM framework with trace norm or Frobenius norm
regularization. Finally, we implement extensive experiments on various
benchmark datasets to validate the new setting. And results show that SLL can
effectively handle the constantly emerging new labels and provides excellent
classification performance.
|
Understanding Rating Behaviour and Predicting Ratings by Identifying
Representative Users | Online user reviews describing various products and services are now abundant
on the web. While the information conveyed through review texts and ratings is
easily comprehensible, there is a wealth of hidden information in them that is
not immediately obvious. In this study, we unlock this hidden value behind user
reviews to understand the various dimensions along which users rate products.
We learn a set of users that represent each of these dimensions and use their
ratings to predict product ratings. Specifically, we work with restaurant
reviews to identify users whose ratings are influenced by dimensions like
'Service', 'Atmosphere' etc. in order to predict restaurant ratings and
understand the variation in rating behaviour across different cuisines. While
previous approaches to obtaining product ratings require either a large number
of user ratings or a few review texts, we show that it is possible to predict
ratings with few user ratings and no review text. Our experiments show that our
approach outperforms other conventional methods by 16-27% in terms of RMSE.
|
Locating a Small Cluster Privately | We present a new algorithm for locating a small cluster of points with
differential privacy [Dwork, McSherry, Nissim, and Smith, 2006]. Our algorithm
has implications to private data exploration, clustering, and removal of
outliers. Furthermore, we use it to significantly relax the requirements of the
sample and aggregate technique [Nissim, Raskhodnikova, and Smith, 2007], which
allows compiling of "off the shelf" (non-private) analyses into analyses that
preserve differential privacy.
|
Sketching and Neural Networks | High-dimensional sparse data present computational and statistical challenges
for supervised learning. We propose compact linear sketches for reducing the
dimensionality of the input, followed by a single layer neural network. We show
that any sparse polynomial function can be computed, on nearly all sparse
binary vectors, by a single layer neural network that takes a compact sketch of
the vector as input. Consequently, when a set of sparse binary vectors is
approximately separable using a sparse polynomial, there exists a single-layer
neural network that takes a short sketch as input and correctly classifies
nearly all the points. Previous work has proposed using sketches to reduce
dimensionality while preserving the hypothesis class. However, the sketch size
has an exponential dependence on the degree in the case of polynomial
classifiers. In stark contrast, our approach of using improper learning, using
a larger hypothesis class allows the sketch size to have a logarithmic
dependence on the degree. Even in the linear case, our approach allows us to
improve on the pesky $O({1}/{{\gamma}^2})$ dependence of random projections, on
the margin $\gamma$. We empirically show that our approach leads to more
compact neural networks than related methods such as feature hashing at equal
or better performance.
|
Trading-Off Cost of Deployment Versus Accuracy in Learning Predictive
Models | Predictive models are finding an increasing number of applications in many
industries. As a result, a practical means for trading-off the cost of
deploying a model versus its effectiveness is needed. Our work is motivated by
risk prediction problems in healthcare. Cost-structures in domains such as
healthcare are quite complex, posing a significant challenge to existing
approaches. We propose a novel framework for designing cost-sensitive
structured regularizers that is suitable for problems with complex cost
dependencies. We draw upon a surprising connection to boolean circuits. In
particular, we represent the problem costs as a multi-layer boolean circuit,
and then use properties of boolean circuits to define an extended feature
vector and a group regularizer that exactly captures the underlying cost
structure. The resulting regularizer may then be combined with a fidelity
function to perform model prediction, for example. For the challenging
real-world application of risk prediction for sepsis in intensive care units,
the use of our regularizer leads to models that are in harmony with the
underlying cost structure and thus provide an excellent prediction accuracy
versus cost tradeoff.
|
Greedy Criterion in Orthogonal Greedy Learning | Orthogonal greedy learning (OGL) is a stepwise learning scheme that starts
with selecting a new atom from a specified dictionary via the steepest gradient
descent (SGD) and then builds the estimator through orthogonal projection. In
this paper, we find that SGD is not the unique greedy criterion and introduce a
new greedy criterion, called "$\delta$-greedy threshold" for learning. Based on
the new greedy criterion, we derive an adaptive termination rule for OGL. Our
theoretical study shows that the new learning scheme can achieve the existing
(almost) optimal learning rate of OGL. Plenty of numerical experiments are
provided to support that the new scheme can achieve almost optimal
generalization performance, while requiring less computation than OGL.
|
Constructive Preference Elicitation by Setwise Max-margin Learning | In this paper we propose an approach to preference elicitation that is
suitable to large configuration spaces beyond the reach of existing
state-of-the-art approaches. Our setwise max-margin method can be viewed as a
generalization of max-margin learning to sets, and can produce a set of
"diverse" items that can be used to ask informative queries to the user.
Moreover, the approach can encourage sparsity in the parameter space, in order
to favor the assessment of utility towards combinations of weights that
concentrate on just few features. We present a mixed integer linear programming
formulation and show how our approach compares favourably with Bayesian
preference elicitation alternatives and easily scales to realistic datasets.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.